diff --git a/SCRL_new/Makefile b/SCRL_new/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..aec9c840af719edff84974d6201886526449e58e --- /dev/null +++ b/SCRL_new/Makefile @@ -0,0 +1,93 @@ +CONFIG ?= config/example.json +DEVICE ?= cpu +MODELDIR ?= models/newsroom-P75/model-dirs/best_val_reward-7950 +TESTSET ?= data/test-data/broadcast.jsonl +HC_OUTPUT ?= data/hc-outputs/hc.L11.google.jsonl + +# TRAINING + +.PHONY: train +train: + python bin/train.py --verbose --config $(CONFIG) --device $(DEVICE) + +# EVALUATING SCRL MODELS (predict + evaluate) + +.PHONY: eval-google +eval-google: + python bin/evaluate.py \ + --model-dir $(MODELDIR) \ + --device $(DEVICE) \ + --dataset data/test-data/google.jsonl + + +.PHONY: eval-duc2004 +eval-duc2004: + python bin/evaluate.py \ + --model-dir $(MODELDIR) \ + --device $(DEVICE) \ + --dataset data/test-data/duc2004.jsonl \ + --max-chars 75 + + +.PHONY: eval-gigaword +eval-gigaword: + python bin/evaluate.py \ + --model-dir $(MODELDIR) \ + --device $(DEVICE) \ + --dataset data/test-data/gigaword.jsonl \ + --pretokenized + + +.PHONY: eval-broadcast +eval-broadcast: + python bin/evaluate.py \ + --model-dir $(MODELDIR) \ + --device $(DEVICE) \ + --dataset data/test-data/broadcast.jsonl \ + --pretokenized + + +.PHONY: eval-bnc +eval-bnc: + python bin/evaluate.py \ + --model-dir $(MODELDIR) \ + --device $(DEVICE) \ + --dataset data/test-data/bnc.jsonl \ + --pretokenized + + +# EVALUATE HILL CLIMBING SEARCH + +.PHONY: hc-eval-google +hc-eval-google: + python bin/evaluate_hc_output.py \ + --dataset data/test-data/google.jsonl \ + --outputs $(HC_OUTPUT) + + +.PHONY: hc-eval-duc2004 +hc-eval-duc2004: + python bin/evaluate_hc_output.py \ + --dataset data/test-data/duc2004.jsonl \ + --outputs $(HC_OUTPUT) + + +.PHONY: hc-eval-gigaword +hc-eval-gigaword: + python bin/evaluate_hc_output.py \ + --dataset data/test-data/gigaword.jsonl \ + --outputs $(HC_OUTPUT) + + +.PHONY: hc-eval-broadcast +hc-eval-broadcast: + python bin/evaluate_hc_output.py \ + --dataset data/test-data/broadcast.jsonl \ + --outputs $(HC_OUTPUT) + + +.PHONY: hc-eval-bnc +hc-eval-bnc: + python bin/evaluate_hc_output.py \ + --dataset data/test-data/bnc.jsonl \ + --outputs $(HC_OUTPUT) diff --git a/SCRL_new/README.md b/SCRL_new/README.md new file mode 100644 index 0000000000000000000000000000000000000000..9efa34a161d8749990519e7b4f92eca8d70ec1eb --- /dev/null +++ b/SCRL_new/README.md @@ -0,0 +1,137 @@ + + +# Sentence Compression with Reinforcement Learning + +Code for the ACL 2022 paper [Efficient Unsupervised Sentence Compression by Fine-tuning Transformers with Reinforcement Learning](https://arxiv.org/abs/2205.08221). + +Model architecture used in this work: + +drawing + +### Install `scrl` library +The library is used for training, producing summaries with existing models and for evaluation and works with Python 3.7/3.8. + +1. Create environment
+`conda create -n my_env python=3.8` with conda, or with venv: `python3.8 -m venv `
+ +2. Activate the environment
+`conda activate my_env` with conda, otherwise: `source /bin/activate` + +3. Install dependencies & library in development mode:
+`pip install -r requirements.txt`
+`pip install -e .` + +### Data +The full contents of the `data` folder can be found in [this google drive folder](https://drive.google.com/drive/folders/1grkgZhtdd-Bw45GAnHza9RRb5OVQG4pK?usp=sharing). +In particular, `models` are required to use and evaluate our trained models, `train-data` to train new models, and `hc-outputs` to analyse/evaluate outputs of the hill climbing baseline. + +### Using a model + +We trained 3 models which were used in our evaluation: +* `gigaword-L8` - trained to predict summaries of 8 tokens; trained on Gigaword to match preprocessing of test set +* `newsroom-L11` - trained to predict summaries of 11 tokens +* `newsroom-P75` - trained to reduce sentences to 75% of their original length + +To use a trained model in Python, we need its model directory and the correct pretrained model ID for the tokenizer corresponding to the original pretrained model that the sentence compression model was initialised with: +```python +from scrl.model import load_model +from transformers import AutoTokenizer + +# model_dir = "data/models/gigaword-L8/" +# model_dir = "data/models/newsroom-L11/" +model_dir = "data/models/newsroom-P75/" +device = "cpu" +model = load_model(model_dir, device) +tokenizer = AutoTokenizer.from_pretrained("distilroberta-base") +sources = [ + """ + Most remaining Covid restrictions in Victoria have now been removed for those who are fully vaccinated, with the state about to hit its 90% vaccinated target. + """.strip() +] +summaries = model.predict(sources, tokenizer, device) +for s in summaries: + print(s) +``` + +You can run this code with [example.py](example.py) + + +### Training a new model + +A new model needs a new config file (examples in [config](config)) for various settings, e.g. training dataset, reward functions, model directory, steps. + + +`python bin/train.py --verbose --config config/example.json --device cuda` + +You can also change the device to `cpu` to try it out locally. + +Training can be interrupted with `Ctrl+C` and continued by re-running the same command which will pick up from the latest saved checkpoint. Add `--fresh` to delete the previous training progress and start from scratch. + + +### Evaluation + +The evaluation results can be replicated with the following Make commands, which run with slightly different settings depending on the dataset: + +```bash +make eval-google MODELDIR=data/models/newsroom-L11 +make eval-duc2004 MODELDIR=data/models/newsroom-L11 +make eval-gigaword MODELDIR=data/models/gigaword-L8 +make eval-broadcast MODELDIR=data/models/newsroom-P75 +make eval-bnc MODELDIR=data/models/newsroom-P75 +``` + +To evaluate on a custom dataset, check out [bin/evaluate.py](bin/evaluate.py) and its arguments. + + +### Hill Climbing Baseline + +We implemented a search-based baseline for sentence compression using hill climbing, based on [Discrete Optimization for Unsupervised Sentence Summarization with Word-Level Extraction](https://arxiv.org/abs/2005.01791). A difference to the original method is that we only restart the search if no unknown neighbour state can be found, i.e. dynamically instead of in equal-paced intervals. + +**Producing summaries**
+The budget of search steps is controlled with `--steps`. +```bash +python bin/run_hc.py \ + --config config/hc.json \ + --steps 10 \ + --target-len 11 \ + --dataset data/test-data/google.jsonl \ + --output data/hc-outputs/example.jsonl \ + --device cpu +``` + + +**Evaluation**
+ +For datasets used in the paper: +```bash +make hc-eval-google HC_OUTPUT=data/hc-outputs/hc.L11.google.jsonl +make hc-eval-duc2004 HC_OUTPUT=data/hc-outputs/hc.L11.duc2004.jsonl +make hc-eval-gigaword HC_OUTPUT=data/hc-outputs/hc.L8.gigaword.jsonl +make hc-eval-broadcast HC_OUTPUT=data/hc-outputs/hc.P75.broadcast.jsonl +make hc-eval-bnc HC_OUTPUT=data/hc-outputs/hc.P75.bnc.jsonl +``` + +Example for custom dataset: +``` +python bin/evaluate_hc_output.py \ + --dataset data/test-data/google.jsonl \ + --outputs data/hc-outputs/hc.L11.google.jsonl +``` + +### Citation + +⚠️ Please refer to the version of the paper on Arxiv, there is a typo in the original ACL version (Table 3, ROUGE-1 column, Gigaword-SCRL-8 row). + +``` +@inproceedings{ghalandari-etal-2022-efficient, + title = "Efficient Unsupervised Sentence Compression by Fine-tuning Transformers with Reinforcement Learning", + author = "Gholipour Ghalandari, Demian and Hokamp, Chris and Ifrim, Georgiana", + booktitle = "Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers)", + month = may, + year = "2022", + address = "Dublin, Ireland", + publisher = "Association for Computational Linguistics", + url = "https://arxiv.org/abs/2205.08221", + pages = "1267--1280", +} +``` diff --git a/SCRL_new/bin/evaluate.py b/SCRL_new/bin/evaluate.py new file mode 100644 index 0000000000000000000000000000000000000000..2e37c49cd9d168c0dc193058793536351d1a09dd --- /dev/null +++ b/SCRL_new/bin/evaluate.py @@ -0,0 +1,144 @@ +import argparse +import json +import numpy as np +import tqdm +from pathlib import Path +from pprint import pprint +from collections import defaultdict, Counter + +from transformers import AutoTokenizer +import sys +sys.path.append("/home/hdd/lijinyi/CompressionInAvalon/promptcompressor/SCRL_new") +print(sys.path) +import scrl.utils as utils +from scrl.model import load_checkpoint, load_model +from scrl.eval_metrics import compute_token_f1, rouge_scorer, ROUGE_TYPES +from nltk import word_tokenize +import nltk + +nltk.download('punkt') +print("punkt done!") + + +def main(args): + + if args.model_dir is not None and args.checkpoint is None: + model = load_model( + Path(args.model_dir), device=args.device, prefix="best" + ) + elif args.model_dir is None and args.checkpoint is not None: + model = load_checkpoint(Path(args.checkpoint), device=args.device) + else: + raise Exception("Provide either a model directory or checkpoint.") + + model = load_model(Path(args.model_dir), device=args.device) + tokenizer = AutoTokenizer.from_pretrained("distilroberta-base") + + dataset = list(utils.read_jsonl(args.dataset)) + + all_scores = defaultdict(list) + + for item in tqdm.tqdm(dataset): + src = item["text"] + if args.lower_src: + src = src.lower() + tgts = item["summaries"] + pred = model.predict([src], tokenizer, args.device)[0] + + if args.max_chars > 0: + pred = pred[:args.max_chars] + + src_tokens = word_tokenize(src) + pred_tokens = word_tokenize(pred) + + if args.lower_summary: + pred_tokens = [t.lower() for t in pred_tokens] + + if args.pretokenized: + src_tokens = src.split() + else: + src_tokens = word_tokenize(src) + + item_scores = defaultdict(list) + for tgt in tgts: + if args.pretokenized: + tgt_tokens = tgt.split() + else: + tgt_tokens = word_tokenize(tgt) + if args.lower_summary: + tgt_tokens = [t.lower() for t in tgt_tokens] + + token_fscore = compute_token_f1(tgt_tokens, pred_tokens, use_counts=True) + + rouge_scores = rouge_scorer.score(tgt, pred) + for rouge_type, rouge_type_scores in rouge_scores.items(): + item_scores[f"{rouge_type}-p"].append(rouge_type_scores.precision) + item_scores[f"{rouge_type}-r"].append(rouge_type_scores.recall) + item_scores[f"{rouge_type}-f"].append(rouge_type_scores.fmeasure) + + item_scores["token-f1"].append(token_fscore) + item_scores["tgt-len"].append(len(tgt_tokens)) + item_scores["tgt-cr"].append(len(tgt_tokens) / len(src_tokens)) + + for k, values in item_scores.items(): + item_mean = np.mean(values) + all_scores[k].append(item_mean) + + all_scores["pred-len"].append(len(pred_tokens)) + all_scores["src-len"].append(len(src_tokens)) + all_scores["pred-cr"].append(len(pred_tokens) / len(src_tokens)) + + if args.verbose: + print("SRC:", src) + print("TGT:", tgts[0]) + print("PRED:", pred) + print("=" * 100) + + print("="*100) + print("RESULTS:") + + print("="*20, "Length (#tokens):", "="*20) + for metric in ("src-len", "tgt-len", "pred-len"): + mean = np.mean(all_scores[metric]) + print(f"{metric}: {mean:.2f}") + print() + + print("="*20, "Compression ratio:", "="*20) + for metric in ("tgt-cr", "pred-cr"): + mean = np.mean(all_scores[metric]) + print(f"{metric}: {mean:.2f}") + print() + + print("="*20, "Token F1-Score:", "="*20) + mean = np.mean(all_scores["token-f1"]) + print(f"f1-score: {mean:.3f}") + print() + + print("="*20, "ROUGE F1-Scores:", "="*20) + for rouge_type in ROUGE_TYPES: + mean = np.mean(all_scores[f"{rouge_type}-f"]) + print(f"{rouge_type}: {mean:.4f}") + print() + + print("="*20, "ROUGE Recall:", "="*20) + for rouge_type in ROUGE_TYPES: + mean = np.mean(all_scores[f"{rouge_type}-r"]) + print(f"{rouge_type}: {mean:.4f}") + print() + +def parse_args(): + parser = argparse.ArgumentParser() + parser.add_argument('--dataset', required=True) + parser.add_argument('--model-dir', required=False) + parser.add_argument('--checkpoint', required=False) + parser.add_argument('--device', default="cpu") + parser.add_argument('--pretokenized', action="store_true") + parser.add_argument('--max-chars', type=int, default=-1) + parser.add_argument('--verbose', action="store_true") + parser.add_argument('--lower-src', action="store_true") + parser.add_argument('--lower-summary', action="store_true") + return parser.parse_args() + + +if __name__ == '__main__': + main(parse_args()) diff --git a/SCRL_new/bin/evaluate_hc_output.py b/SCRL_new/bin/evaluate_hc_output.py new file mode 100644 index 0000000000000000000000000000000000000000..3e9189870c9a9ec0415480a20e4aed61e80a0451 --- /dev/null +++ b/SCRL_new/bin/evaluate_hc_output.py @@ -0,0 +1,132 @@ +import argparse +import json +import numpy as np +import tqdm +from pathlib import Path +from pprint import pprint +from collections import defaultdict, Counter + +from transformers import AutoTokenizer +import scrl.utils as utils +from scrl.model import load_checkpoint +from scrl.eval_metrics import compute_token_f1, rouge_scorer, ROUGE_TYPES +from nltk import word_tokenize + + +def get_hc_summary(output): + i = np.argmax(output["scores"]) + summary = output["summaries"][i] + mask = output["masks"][i] + return summary + + +def main(args): + + outputs = list(utils.read_jsonl(args.outputs)) + dataset = list(utils.read_jsonl(args.dataset)) + + all_scores = defaultdict(list) + + for i, item in tqdm.tqdm(enumerate(dataset)): + + src = item["text"] + if args.lower_src: + src = src.lower() + tgts = item["summaries"] + pred = get_hc_summary(outputs[i]) + + if args.max_chars > 0: + pred = pred[:args.max_chars] + + src_tokens = word_tokenize(src) + pred_tokens = word_tokenize(pred) + + if args.lower_summary: + pred_tokens = [t.lower() for t in pred_tokens] + + if args.pretokenized: + src_tokens = src.split() + else: + src_tokens = word_tokenize(src) + + item_scores = defaultdict(list) + for tgt in tgts: + if args.pretokenized: + tgt_tokens = tgt.split() + else: + tgt_tokens = word_tokenize(tgt) + if args.lower_summary: + tgt_tokens = [t.lower() for t in tgt_tokens] + + token_fscore = compute_token_f1(tgt_tokens, pred_tokens, use_counts=True) + + rouge_scores = rouge_scorer.score(tgt, pred) + for rouge_type, rouge_type_scores in rouge_scores.items(): + item_scores[f"{rouge_type}-p"].append(rouge_type_scores.precision) + item_scores[f"{rouge_type}-r"].append(rouge_type_scores.recall) + item_scores[f"{rouge_type}-f"].append(rouge_type_scores.fmeasure) + + item_scores["token-f1"].append(token_fscore) + item_scores["tgt-len"].append(len(tgt_tokens)) + item_scores["tgt-cr"].append(len(tgt_tokens) / len(src_tokens)) + + for k, values in item_scores.items(): + item_mean = np.mean(values) + all_scores[k].append(item_mean) + + all_scores["pred-len"].append(len(pred_tokens)) + all_scores["src-len"].append(len(src_tokens)) + all_scores["pred-cr"].append(len(pred_tokens) / len(src_tokens)) + + if args.verbose: + print("SRC:", src) + print("TGT:", tgts[0]) + print("PRED:", pred) + print("=" * 100) + + print("="*100) + print("RESULTS:") + + print("="*20, "Length (#tokens):", "="*20) + for metric in ("src-len", "tgt-len", "pred-len"): + mean = np.mean(all_scores[metric]) + print(f"{metric}: {mean:.2f}") + print() + + print("="*20, "Compression ratio:", "="*20) + for metric in ("tgt-cr", "pred-cr"): + mean = np.mean(all_scores[metric]) + print(f"{metric}: {mean:.2f}") + print() + + print("="*20, "Token F1-Score:", "="*20) + mean = np.mean(all_scores["token-f1"]) + print(f"f1-score: {mean:.3f}") + print() + + print("="*20, "ROUGE F1-Scores:", "="*20) + for rouge_type in ROUGE_TYPES: + mean = np.mean(all_scores[f"{rouge_type}-f"]) + print(f"{rouge_type}: {mean:.4f}") + print() + + print("="*20, "ROUGE Recall:", "="*20) + for rouge_type in ROUGE_TYPES: + mean = np.mean(all_scores[f"{rouge_type}-r"]) + print(f"{rouge_type}: {mean:.4f}") + print() + +def parse_args(): + parser = argparse.ArgumentParser() + parser.add_argument('--dataset', required=True) + parser.add_argument('--outputs', required=True) + parser.add_argument('--pretokenized', action="store_true") + parser.add_argument('--max-chars', type=int, default=-1) + parser.add_argument('--verbose', action="store_true") + parser.add_argument('--lower-src', action="store_true") + parser.add_argument('--lower-summary', action="store_true") + return parser.parse_args() + + +if __name__ == '__main__': + main(parse_args()) diff --git a/SCRL_new/bin/predict.py b/SCRL_new/bin/predict.py new file mode 100644 index 0000000000000000000000000000000000000000..e4ecb80a8b417409b06a89e7cabfebba32ee5c3c --- /dev/null +++ b/SCRL_new/bin/predict.py @@ -0,0 +1,53 @@ +import argparse +import json +import numpy as np +import tqdm +from pathlib import Path +from pprint import pprint +from collections import defaultdict, Counter + +from transformers import AutoTokenizer +import scrl.utils as utils +from scrl.model import load_checkpoint +from scrl.metrics import compute_token_f1, rouge_scorer, ROUGE_TYPES +from nltk import word_tokenize + +from scrl.rewards import load_rewards +from scrl.config import load_config +import time + + +def main(args): + model = load_checkpoint(Path(args.checkpoint), device=args.device) + tokenizer = AutoTokenizer.from_pretrained("distilroberta-base") + dataset = list(utils.read_jsonl(args.dataset)) + batches = utils.batchify(dataset, args.batch_size) + outputs = [] + t1 = time.time() + for items in tqdm.tqdm(batches): + sources = [x["text"] for x in items] + summaries = model.predict(sources, tokenizer, args.device) + for item, summary in zip(items, summaries): + output = { + "id": item["id"], + "pred-summary": summary, + } + outputs.append(output) + t2 = time.time() + print("Seconds:", t2-t1) + if args.output: + utils.write_jsonl(outputs, args.output, "w") + + +def parse_args(): + parser = argparse.ArgumentParser() + parser.add_argument('--dataset', required=True) + parser.add_argument('--output', required=False) + parser.add_argument('--checkpoint', required=True) + parser.add_argument('--device', default="cpu") + parser.add_argument('--batch-size', type=int, default=4) + return parser.parse_args() + + +if __name__ == '__main__': + main(parse_args()) diff --git a/SCRL_new/bin/run_hc.py b/SCRL_new/bin/run_hc.py new file mode 100644 index 0000000000000000000000000000000000000000..3a2ea117c25af79e598b5204f6630b115729e6c9 --- /dev/null +++ b/SCRL_new/bin/run_hc.py @@ -0,0 +1,80 @@ +import argparse +from scrl.hill_climbing import DynamicRestartHCSC, PunktTokenizer, WhiteSpaceTokenizer +from scrl.config_hc import load_config +from scrl.rewards import load_rewards +from scrl import utils +import tqdm +from pathlib import Path + + +def run_on_dataset( + searcher, + dataset, + target_len, + target_ratio, + n_steps, + outpath, + ): + + outpath = Path(outpath) + + start = 0 + if outpath.exists(): + for i, x in enumerate(utils.read_jsonl(outpath)): + start += 1 + passed = 0 + + batches = utils.batchify(dataset, batch_size=4) + for batch in tqdm.tqdm(batches): + passed += len(batch) + if passed <= start: + continue + elif passed == start + len(batch): + print(f"starting at position {passed - len(batch)}") + + sources = [x["text"] for x in batch] + if target_len is not None: + target_lens = [target_len for _ in batch] + else: + input_lens = [len(tokens) for tokens in searcher.tokenizer(sources)] + target_lens = [round(target_ratio * l) for l in input_lens] + print(input_lens) + print(target_lens) + states = searcher( + sources, + target_lens=target_lens, + n_steps=n_steps, + ) + preds = [s["best_summary"] for s in states] + utils.write_jsonl(states, outpath, "a") + + +def main(args): + config = load_config(args) + print("DEVICE:", config.device) + objective = load_rewards(config) + tokenizer = WhiteSpaceTokenizer() if args.pretokenized else PunktTokenizer() + searcher = DynamicRestartHCSC(tokenizer, objective) + dataset = list(utils.read_jsonl(args.dataset)) + assert (args.target_len is None or args.target_ratio is None) + run_on_dataset( + searcher, + dataset, + args.target_len, + args.target_ratio, + args.steps, + args.output + ) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument("--config", help="path to JSON config file", required=True) + parser.add_argument("--output", required=True) + parser.add_argument("--dataset", required=True) + parser.add_argument("--pretokenized", action="store_true") + parser.add_argument("--device", default="cuda") + parser.add_argument("--target-len", type=int, default=None) + parser.add_argument("--target-ratio", type=float, default=None) + parser.add_argument("--steps", default=1000, type=int) + main(load_config(parser.parse_args())) diff --git a/SCRL_new/bin/train.py b/SCRL_new/bin/train.py new file mode 100644 index 0000000000000000000000000000000000000000..2801c7acab87a6192ef40cda9823968282c164c1 --- /dev/null +++ b/SCRL_new/bin/train.py @@ -0,0 +1,157 @@ +import argparse +import numpy as np +from pathlib import Path +import tqdm +from pprint import pprint +import torch +from torch.nn.utils.rnn import pad_sequence +from scrl.config import load_config +from scrl.training import setup_and_train +from scrl.model import labels_to_summary +from scrl.eval_metrics import compute_token_f1 +import scrl.utils as utils +from nltk import word_tokenize + + +def evaluate_validation_reward(args, manager, model, tokenizer, reward_generator, dataset): + device = args.device + idx_range = list(range(len(dataset))) + dataset_indices = list(utils.batchify(idx_range, args.batch_size)) + rewards = [] + for i, indices in enumerate(dataset_indices): + if args.max_val_steps != None and i >= args.max_val_steps: + break + batch = dataset[indices] + input_ids = batch["input_ids"] + input_ids = pad_sequence( + [torch.tensor(ids) for ids in input_ids], batch_first=True + ) + logits = model(input_ids.to(device)) + probs = torch.softmax(logits, dim=2) + argmax_labels = torch.argmax(logits, dim=2).to(device) + argmax_summaries = labels_to_summary(input_ids, argmax_labels, tokenizer) + argmax_rewards, _ = reward_generator(batch["document"], argmax_summaries) + rewards += argmax_rewards + avg_reward = np.mean(rewards) + return avg_reward + + + +def evaluate_validation_dataset(args, manager, model, tokenizer, reward_generator, dataset_path): + f1_scores = [] + dataset = list(utils.read_jsonl(dataset_path)) + dump_data = [] + + for item in tqdm.tqdm(dataset): + src = item["text"] + tgts = item["summaries"] + + input_ids = torch.tensor(tokenizer([src])["input_ids"]).to(args.device) + logits = model.forward(input_ids) + argmax_labels = torch.argmax(logits, dim=2) + pred = labels_to_summary(input_ids, argmax_labels, tokenizer)[0] + + pred_tokens = word_tokenize(pred) + src_tokens = word_tokenize(src) + + + item_scores = [] + for tgt in tgts: + tgt_tokens = word_tokenize(tgt) + pred_tokens = [t.lower() for t in pred_tokens] + tgt_tokens = [t.lower() for t in tgt_tokens] + token_f1 = compute_token_f1( + tgt_tokens, pred_tokens, use_counts=True + ) + item_scores.append(token_f1) + + if args.dump: + probs = torch.softmax(logits, dim=2)[0].detach().tolist() + dump_item = { + "probs": probs, + "source": src, + "target": tgts[0], + "f1-score": item_scores[0], + "pred_summary": pred, + "pred_labels": argmax_labels[0].tolist(), + } + dump_data.append(dump_item) + + item_score = np.mean(item_scores) + f1_scores.append(item_score) + score = np.mean(f1_scores) + + + if args.dump: + dataset_name = dataset_path.name.split(".jsonl")[0] + dump_dir = manager.dir / f"dump-{dataset_name}" + dump_dir.mkdir(exist_ok=True) + utils.write_jsonl( + dump_data, + dump_dir / f"step-{manager.step}.jsonl", + "w" + ) + return score + + +def evaluate(args, manager, model, tokenizer, reward_generator, holdout_data): + step = manager.step + val_reward = evaluate_validation_reward(args, manager, model, tokenizer, reward_generator, holdout_data) + + reward_path = manager.dir / "val_rewards.jsonl" + if reward_path.exists(): + reward_results = list(utils.read_jsonl(reward_path)) + prev_max = max([x["score"] for x in reward_results]) + else: + reward_results = [] + prev_max = 0 + if val_reward > prev_max: + manager.save_model(model, step, "best_val_reward") + reward_results.append({"step": step, "score": val_reward}) + utils.write_jsonl(reward_results, reward_path, "w") + if args.verbose: + print("Validation Rewards:") + pprint(reward_results) + print() + + # only used if a validation dataset is specified in config + for val_data_path in args.validation_datasets: + val_data_path = Path(val_data_path) + dataset_name = val_data_path.name.split(".jsonl")[0] + dataset_score = evaluate_validation_dataset( + args, manager, model, tokenizer, reward_generator, val_data_path + ) + result_path = Path(manager.dir / f"val_data_results.{dataset_name}.jsonl") + if result_path.exists(): + dataset_results = list(utils.read_jsonl(result_path)) + prev_max = max([x["score"] for x in dataset_results]) + else: + dataset_results = [] + prev_max = 0 + if dataset_score > prev_max: + manager.save_model(model, step, f"best_on_{dataset_name}") + dataset_results.append({"step": step, "score": dataset_score}) + utils.write_jsonl(dataset_results, result_path, "w") + if args.verbose: + print(f"Validation Dataset Results for {dataset_name}:") + pprint(dataset_results) + print() + + +def main(args): + utils.set_random_seed(0) + setup_and_train(args, eval_func=evaluate) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument("--config", help="path to JSON config file") + parser.add_argument("--device", default="cuda") + parser.add_argument("--dump", action="store_true") + parser.add_argument("--verbose", action="store_true") + parser.add_argument( + "--fresh", + action="store_true", + help="delete model directory and start from scratch" + ) + main(load_config(parser.parse_args())) diff --git a/SCRL_new/config/example.json b/SCRL_new/config/example.json new file mode 100644 index 0000000000000000000000000000000000000000..fbabab519f654af47803d5b989a63d39ae5bd782 --- /dev/null +++ b/SCRL_new/config/example.json @@ -0,0 +1,30 @@ +{ + "loader": "loaders/gigaword.py", + "dataset": "data/train-data/gigaword", + "indices": "data/train-data/gigaword/indices.npy", + "model_dir": "data/models/example", + "verbose": true, + "print_every": 1, + "eval_every": 10, + "save_every": 10, + "max_val_steps": 8, + "max_train_seconds": null, + "max_train_steps": 1000, + "batch_size": 1, + "learning_rate": 1e-05, + "k_samples": 10, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "BiEncoderSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianCR": { + "weight": 1, + "mean": 0.5, + "std": 0.2 + } + } +} diff --git a/SCRL_new/config/gigaword-L8.json b/SCRL_new/config/gigaword-L8.json new file mode 100644 index 0000000000000000000000000000000000000000..4230b4892fb42646ec6546dcfaa6a39bedbdafb3 --- /dev/null +++ b/SCRL_new/config/gigaword-L8.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/gigaword.py", + "dataset": "data/train-data/gigaword", + "indices": "data/train-data/gigaword/indices.npy", + "model_dir": "data/models/gigaword-L8", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "BiEncoderSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianLength": { + "weight": 1, + "mean": 8, + "std": 3.2 + } + } +} diff --git a/SCRL_new/config/hc.json b/SCRL_new/config/hc.json new file mode 100644 index 0000000000000000000000000000000000000000..905379a9816a847ad59cf8c1d6407e7c725ae100 --- /dev/null +++ b/SCRL_new/config/hc.json @@ -0,0 +1,16 @@ +{ + "batch_size": 4, + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "BiEncoderSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + } + } +} diff --git a/SCRL_new/config/newsroom-CR75.json b/SCRL_new/config/newsroom-CR75.json new file mode 100644 index 0000000000000000000000000000000000000000..056c1726a038df1fec4677dc6db5cc16710ae276 --- /dev/null +++ b/SCRL_new/config/newsroom-CR75.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/newsroom.py", + "dataset": "data/train-data/newsroom", + "indices": "data/train-data/newsroom/indices.npy", + "model_dir": "data/models/newsroom-CR75", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "BiEncoderSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianCR": { + "weight": 1, + "mean": 0.75, + "std": 0.3 + } + } +} diff --git a/SCRL_new/config/newsroom-L11.json b/SCRL_new/config/newsroom-L11.json new file mode 100644 index 0000000000000000000000000000000000000000..c532e76b935daf3ae5651656f1f46f76faad7da0 --- /dev/null +++ b/SCRL_new/config/newsroom-L11.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/newsroom.py", + "dataset": "data/train-data/newsroom", + "indices": "data/train-data/newsroom/indices.npy", + "model_dir": "data/models/newsroom-L11", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "BiEncoderSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianLength": { + "weight": 1, + "mean": 11, + "std": 4.4 + } + } +} diff --git a/SCRL_new/data/test-data/bnc.jsonl b/SCRL_new/data/test-data/bnc.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..5c8271dace3fed4272a8d8982f43938b83049e1b --- /dev/null +++ b/SCRL_new/data/test-data/bnc.jsonl @@ -0,0 +1,1629 @@ +{"id": "A1G.11.0", "text": "It Is difficult to know who is the more isolated : the 62 members of the Lebanese Parliament or the 73 members of the Lebanese press corps .", "summaries": ["who is more isolated : the Lebanese Parliament or the the Lebanese press corps ."]} +{"id": "A1G.11.1", "text": "Lebanon 's MPs --- 31 of them Muslims , 31 of them Christians --- have left the militia leaders behind in Beirut to keep the peace .", "summaries": ["Lebanon 's MPs --- 31 Muslims , 31 Christians --- have left the militia in Beirut to keep the peace ."]} +{"id": "A1G.11.10", "text": "And it is perfectly clear that the old representatives of Lebanese democracy are under considerable pressure to talk about reform and not withdrawal .", "summaries": ["the old representatives of Lebanese democracy are under pressure to talk about reform and not withdrawal ."]} +{"id": "A1G.11.11", "text": "Saeb Salam made this perfectly evident .", "summaries": ["Saeb Salam made this evident ."]} +{"id": "A1G.11.12", "text": "Mr Salam , 84 , a Sunni Muslim , is the most impressive of Lebanon 's dying breed of elder statesmen , but his words could have been those of a much younger man .", "summaries": ["Mr Salam , 84 , a Sunni Muslim , is the most impressive of Lebanon 's elder statesmen ."]} +{"id": "A1G.11.13", "text": "`` It is not appropriate to insist upon an immediate Syrian withdrawal , '' he said .", "summaries": ["`` It is not appropriate to insist upon an immediate Syrian withdrawal , '' he said ."]} +{"id": "A1G.11.14", "text": "`` We must admit that a Syrian withdrawal could provoke many dangers for which no one would want to take responsibility .", "summaries": ["`` a Syrian withdrawal could provoke dangers ."]} +{"id": "A1G.11.15", "text": "This is true , regardless of the opinion that some people have of Syria , and of their unhappiness at Syria 's presence in Lebanon .", "summaries": ["This is true , regardless of the opinion people have of Syria 's presence in Lebanon ."]} +{"id": "A1G.11.16", "text": "Among the dangers that this could bring about would be the emergence of small concessional states governed by the militias. '' All this was shorthand for a simple warning : that if the Syrians pull out of west Beirut , the militias would go to war again in its streets , and there would be nothing the Christians could do about it.", "summaries": ["this could bring about small states governed by militias. '' this was shorthand for : if the Syrians pull out of west Beirut , the militias would go to war again"]} +{"id": "A1G.11.2", "text": "The MPs are here to scrape the rust off the derelict machinery of government , to recreate the corroded institution that will have to elect a president and produce a government which can impose its rule on Lebanon --- and on the militia leaders .", "summaries": ["The MPs here have to elect a president and produce a government which can impose its rule on Lebanon and the militia leaders ."]} +{"id": "A1G.11.3", "text": "Hence the isolation .", "summaries": ["Hence the isolation ."]} +{"id": "A1G.11.4", "text": "Closeted in the conference palace at Taif --- itself built by a Lebanese-born millionaire --- the MPs found themselves unable to exercise their normal function of playing to the gallery .", "summaries": ["in the conference palace at Taif the MPs found themselves unable to exercise playing to the gallery ."]} +{"id": "A1G.11.5", "text": "Lebanese parliamentary sessions have to be open to the public .", "summaries": ["parliamentary sessions have to be open to the public ."]} +{"id": "A1G.11.6", "text": "They also , by law , have to be held in Beirut .", "summaries": ["They have to be held in Beirut ."]} +{"id": "A1G.11.7", "text": "So this was therefore called `` an informal meeting of Lebanese parliamentarians '' --- which effectively closed the doors of their marble debating chamber to the press .", "summaries": ["this was called `` an informal meeting '' --- which closed the doors to the press ."]} +{"id": "A1G.11.8", "text": "In equal isolation at the Intercontinental Hotel , 16 miles away , Lebanese journalists found themselves restricted to the parliament 's two opening statements and a diet of gentle assurances from Prince Saud al-Feisel , the Saudi Foreign Minister , that optimism was the order of the day , but while he had heard of some disputes in the parliamentary chamber , he had every reason to believe the Lebanese would accept the Arab League peace plan .", "summaries": ["Lebanese journalists found themselves restricted to the parliament 's two opening statements and assurances from Prince Saud al-Feisel that he had every reason to believe the Lebanese would accept the Arab League peace plan ."]} +{"id": "A1G.11.9", "text": "Christian MPs close to General Michel Aoun wanted to talk first about a Syrian withdrawal , in according with the general 's instructions .", "summaries": ["Christian MPs close to General Michel Aoun wanted to talk first about a Syrian withdrawal ."]} +{"id": "A1G.27.0", "text": "The People of Montenegro yesterday welcomed home the remains of Nicholas I , their first and last king , after 70 years ' exile in Italy , in belated fulfilment of his last will and testament .", "summaries": ["Montenegro welcomed the remains of Nicholas I , their first and last king , after 70 years ' exile in Italy ."]} +{"id": "A1G.27.1", "text": "Thousands of Montenegrins , many in national costume , waited at the quayside in Bar for the Italian warship that would bring him home .", "summaries": ["Montenegrins waited in Bar for the warship that would bring him home ."]} +{"id": "A1G.27.10", "text": "`` He liberated us from the Turks and fought for our independence , '' said a small boy who waited at the quayside amid a jostling crowd of former monarchs , visiting Serbian bishops and television crews .", "summaries": ["`` He liberated us from the Turks '' said a boy who waited amid former monarchs , Serbian bishops and television crews ."]} +{"id": "A1G.27.11", "text": "Marko Radoman , 103 , and a veteran of both Balkan wars , was given a place at the front as one of the few with personal memories of Nicholas 's reign .", "summaries": ["Marko Radoman , a veteran of both Balkan wars , was given a place at the front ."]} +{"id": "A1G.27.12", "text": "For a man whom Rebecca West , a contemporary Balkan observer , called `` repulsive '' and `` treacherous '' for deserting his Serbian son-in-law , King Alexander , in the First World War , it is a sepia-tinted view of history .", "summaries": ["For a man Rebecca West called `` repulsive '' for deserting his son-in-law , King Alexander , in the First World War , it is a sepia-tinted view of history ."]} +{"id": "A1G.27.13", "text": "Nicholas was known as `` the uncle of Europe '' for his success in marrying his beautiful but penniless daughters into the grander royal houses of Russia , Serbia and Italy .", "summaries": ["Nicholas was known as `` the uncle of Europe '' marrying his daughters into the royal houses of Russia , Serbia and Italy ."]} +{"id": "A1G.27.14", "text": "This furthered his long-term ambition to rule a large `` south Slav '' kingdom when the Ottoman Empire finally collapsed .", "summaries": ["This furthered his ambition to rule a `` south Slav '' kingdom ."]} +{"id": "A1G.27.15", "text": "One daughter , a grand duchess of Russia , even gained a footnote in history by introducing an unknown monk , Rasputin , to the Russian Tsarina Alexandra .", "summaries": ["One daughter gained a footnote in history by introducing Rasputin to Tsarina Alexandra ."]} +{"id": "A1G.27.16", "text": "In his minute , inaccessible capital , which today has only 15,000 inhabitants , Nicholas erected a miniature European court and an exquisitely furnished Victorian palace .", "summaries": ["In his capital , which today has 15,000 inhabitants , Nicholas erected a miniature court and an Victorian palace ."]} +{"id": "A1G.27.17", "text": "He even persuaded 12 European powers to turn cottages into full embassies .", "summaries": ["He persuaded 12 European powers to turn cottages into embassies ."]} +{"id": "A1G.27.18", "text": "It was a fair achievement in a town which an earlier observer described as `` 44 hovels '' .", "summaries": ["It was in a town an earlier observer described as `` 44 hovels '' ."]} +{"id": "A1G.27.19", "text": "But Nicholas 's grand design collapsed in 1918 when his Serbian son-in-law , Alexander , deposed him and incorporated Montenegro into Yugoslavia .", "summaries": ["Nicholas 's design collapsed in 1918 when his Serbian son-in-law incorporated Montenegro into Yugoslavia ."]} +{"id": "A1G.27.2", "text": "Then they formed a slow procession behind the coffin into the mountains to the old royal capital of Cetinje for his reburial in the monastery there .", "summaries": ["they formed a procession to the old capital of Cetinje for his reburial ."]} +{"id": "A1G.27.3", "text": "What was surely the last ever Montenegrin `` royal event '' was masterminded by the republic 's new Communist leadership , which has abruptly stopped describing Nicholas as a class enemy , to ride the same wave of popular patriotism and royal fervour which swept Serbia in the recent celebrations of the 600th anniversary of the battle of Kosovo .", "summaries": ["the event was masterminded by the Communist leadership to ride the wave of patriotism which swept Serbia in the 600th anniversary of the battle of Kosovo ."]} +{"id": "A1G.27.4", "text": "The latest biography now calls him `` an outstanding statesman , warrior and man of letters '' .", "summaries": ["The latest biography calls him `` an outstanding statesman , warrior and man of letters '' ."]} +{"id": "A1G.27.5", "text": "`` If I die abroad in exile , let my body rest in a temporary grave until my mortal remains be transferred to our dear homeland , '' said the Montenegrin President , Branko Kostic , reading the royal will and testament to the crowds in Cetinje Square , who carried flags and portraits of Nicholas and his queen , Milena .", "summaries": ["`` If I die in exile , let my body rest in a temporary grave until transferred to our homeland , '' said Branko Kostic , reading the royal will ."]} +{"id": "A1G.27.6", "text": "`` Today the people of Montenegro fulfill the wish of their first and last king guided by innate love and respect for their history , '' he went on. `` Our tourist organisations are counting on big profits , '' said Srdan Darmanovic , a member of the Montenegrin Central Committee .", "summaries": ["`` the people of Montenegro fulfill the wish of their king '' he went on. `` tourist organisations are counting on big profits , '' said a member of the Montenegrin Central Committee ."]} +{"id": "A1G.27.7", "text": "`` This will be good for the Montenegrin economy too. '' Montenegro 's young and go-ahead leadership , which came to power this year amid furious popular dissatisfaction with the `` old men in grey suits '' , sponsored the gathering of Nicholas 's surviving relatives --- the first `` royal reunion '' organised by a Communist government .", "summaries": ["`` This will be good for the economy '' Montenegro 's young leadership , which came to power amid dissatisfaction with the `` old men in grey suits '' , sponsored the gathering of Nicholas 's relatives ."]} +{"id": "A1G.27.8", "text": "`` A letter dropped through the post from the President of the Socialist Republic of Montenegro , inviting me to the funeral , '' said John Kennedy , a Conservative Party member who lives in Barking and is a distant relative of Nicholas .", "summaries": ["`` A letter dropped through the post inviting me to the funeral , '' said John Kennedy , a Conservative Party member and distant relative of Nicholas ."]} +{"id": "A1G.27.9", "text": "Montenegro 's sudden rehabilitation of Nicholas 's memory is a popular move .", "summaries": ["Montenegro 's rehabilitation of Nicholas is popular ."]} +{"id": "A2X.24.0", "text": "In The dying hours of Tuesday 's Panamanian coup , rebel officers refused a `` face-to-face '' request from a Us military officer to hand over General Noriega for trial in America , the Us Defence Secretary , Dick Cheney , said yesterday .", "summaries": ["In Tuesday 's Panamanian coup , rebel officers refused a request to hand over Noriega for trial in America , Dick Cheney said ."]} +{"id": "A2X.24.1", "text": "Shortly afterwards the rebels asked for Us troops to help them to defend the routes to the military headquarters they had seized .", "summaries": ["afterwards the rebels asked for Us troops to help them ."]} +{"id": "A2X.24.10", "text": "`` It was n't until late in the coup activities that it became clear that the coup plotters did , in fact , have him , '' Mr Cheney said .", "summaries": ["`` It was late that it became clear the coup plotters did have him , '' Cheney said ."]} +{"id": "A2X.24.11", "text": "`` Shortly after that the coup collapsed. '' When approached `` face to face '' by a senior Us officer , two rebel officers said they wanted General Noriega to retire within Panama , rather than face drug trafficking charges in the Us. Although Washington was notified of the rebellion last weekend , Mr Cheney said there was `` considerable reason '' to be cautious .", "summaries": ["`` Shortly after the coup collapsed. '' rebel officers said they wanted Noriega to retire within Panama , rather than face charges in the Us. Although Washington was notified of the rebellion , there was reason to be cautious ."]} +{"id": "A2X.24.12", "text": "Us doubts were redoubled by news that the coup was to be led by Major Giraldi , a close associate of the Panamanian military dictator .", "summaries": ["the coup was led by Major Giraldi , associate of the Panamanian dictator ."]} +{"id": "A2X.24.13", "text": "`` There was the possibility that it was an effort to draw the Us into some kind of an embarrassing incident , '' Mr Cheney said .", "summaries": ["`` There was the possibility it was an effort to draw the Us into an embarrassing incident , '' Mr Cheney said ."]} +{"id": "A2X.24.14", "text": "The incident has become deeply embarrassing for the Bush administration , precisely because of its caution .", "summaries": ["The incident has become embarrassing for the administration , because of its caution ."]} +{"id": "A2X.24.15", "text": "Criticism of the White House by both Democrats and Republicans grew yesterday .", "summaries": ["Criticism by Democrats and Republicans grew ."]} +{"id": "A2X.24.16", "text": "Comparisons were made with the Reagan administration 's more robust attitude during the Grenada invasion and Libya bombing raid in 1984 and 1986 .", "summaries": ["Comparisons were made with Reagan 's attitude during the Grenada invasion and Libya raid ."]} +{"id": "A2X.24.17", "text": "Democratic Congressman Dave McCurdy said `` there is a resurgence of the wimp factor '' and Republican Congressman William Broomfield said : `` We blew it ... It 's a major setback for our foreign policy. '' Other politicians complained that the failed coup had exposed the unaccustomed weakness of Us intelligence and undercover activities in Latin America .", "summaries": ["Democratic Congressman Dave McCurdy said `` there is a resurgence of the wimp factor '' and Republican Congressman William Broomfield said : `` We blew it '' politicians complained that the coup had exposed the weakness of Us intelligence in Latin America ."]} +{"id": "A2X.24.2", "text": "The Us gave no answer to their request , said Mr Cheney .", "summaries": ["The Us gave no answer , said Mr Cheney ."]} +{"id": "A2X.24.3", "text": "He said Washington decided against helping the rebels because they refused to hand over General Noriega and because the Us doubted their democratic good faith .", "summaries": ["Washington decided against helping because they refused to hand over Noriega and the Us doubted their good faith ."]} +{"id": "A2X.24.4", "text": "The coup was not to restore democracy , he said , but a `` power struggle within the Panamanian Defence Force '' .", "summaries": ["The coup was a `` power struggle within the Panamanian Defence Force '' ."]} +{"id": "A2X.24.5", "text": "Other Us government sources said both the rebels and the Us army Southern Command , based in Panama , had been startled by the swift recovery of the pro-Noriega forces on Tuesday .", "summaries": ["both the rebels and the Us army in Panama , had been startled by the swift recovery of the pro-Noriega forces ."]} +{"id": "A2X.24.6", "text": "The `` loyal '' forces air-lifted a company of troops to an air-strip near the military headquarters held by the rebels .", "summaries": ["The `` loyal '' forces air-lifted troops near the headquarters held by the rebels ."]} +{"id": "A2X.24.7", "text": "Their arrival swung on to General Noriega 's side a battalion which had previously declined to commit itself .", "summaries": ["Their arrival swung on to Noriega 's side a battalion which had declined to commit itself ."]} +{"id": "A2X.24.8", "text": "Earlier , Mr Cheney appeared on television to rebut criticism of the Bush administration 's actions --- or inactions --- during the coup .", "summaries": ["Cheney appeared on television to rebut criticism of the Bush administration 's actions ."]} +{"id": "A2X.24.9", "text": "He confirmed that General Noriega was briefly in the hands of the rebels but said the Us had no time to make use of this fact .", "summaries": ["He confirmed Noriega was briefly in the hands of the rebels ."]} +{"id": "A30.16.0", "text": "As The Labour leadership congratulates itself on a virtually unprecedented exhibition of unity and moderation , they should be aware that knives are being sharpened at Conservative Central Office .", "summaries": ["As Labour congratulates itself on unity , knives are being sharpened at Conservative Central Office ."]} +{"id": "A30.16.1", "text": "The object of the attentions of Tory apparatchiks --- and ministers --- is the new policy on employment law , moderate and sensible as it may seem .", "summaries": ["The object of the attentions of Tory apparatchiks is the policy on employment ."]} +{"id": "A30.16.10", "text": "Basically , the clarification needs clarification .", "summaries": ["the clarification needs clarification ."]} +{"id": "A30.16.11", "text": "Within the next few months , for instance , the party and unions should set the level of fines that recalcitrant unions would incur .", "summaries": ["for instance , the party and unions should set the fines unions would incur ."]} +{"id": "A30.16.12", "text": "Mr Meacher should also spell out his plans for limits on picket lines .", "summaries": ["Meacher should spell out his plans on picket lines ."]} +{"id": "A30.16.13", "text": "It is not sufficient to tell the conference that there will be no return to mass picketing .", "summaries": ["It is not sufficient to tell the conference there will be no return to mass picketing ."]} +{"id": "A30.16.14", "text": "Most important , he will have to explain how far sympathy action should be allowed and precisely what would constitute a lawful trade dispute .", "summaries": ["he will have to explain sympathy action and what would constitute a lawful trade dispute ."]} +{"id": "A30.16.15", "text": "Would it be lawful for instance , for workers to refuse to handle imports from South Africa ; would meat porters be allowed to take action in support of nurses .", "summaries": ["Would it be lawful to refuse to handle imports from South Africa ; would meat porters be allowed to support nurses ."]} +{"id": "A30.16.16", "text": "The first would demonstrably be a political strike and the second would hardly be a trade dispute .", "summaries": ["The first would be a political strike and the second would hardly be a trade dispute ."]} +{"id": "A30.16.17", "text": "The key phrase used by Mr Meacher is that there should be a `` genuine interest '' involved before industrial action was within the law .", "summaries": ["there should be a `` genuine interest '' before industrial action was within the law ."]} +{"id": "A30.16.18", "text": "Jimmy Knapp , leader of the National Union of Railwaymen , argues that his members who took action in support of the miners during the coal strike had a genuine interest in the fight to keep pits open : fewer mines mean fewer coal trains .", "summaries": ["Jimmy Knapp , of the Union of Railwaymen , argues that action in support of the miners had a genuine interest : fewer mines mean fewer coal trains ."]} +{"id": "A30.16.19", "text": "Setting limits to action will not be easy for Labour .", "summaries": ["Setting limits will not be easy ."]} +{"id": "A30.16.2", "text": "Bluntly , the Shadow Cabinet and unions need to get their fingers out --- with some expedition --- to set the limits of the proposed legal framework .", "summaries": ["the Shadow Cabinet and unions need to set the limits of the proposed framework ."]} +{"id": "A30.16.20", "text": "If workers hold a democratic vote to go on strike for whatever reason , it ill becomes a Labour government to legislate to make it unlawful .", "summaries": ["a democratic vote to go on strike ill becomes Labour to make unlawful ."]} +{"id": "A30.16.21", "text": "But that , according to Mr Meacher , is what they will have to do .", "summaries": ["that is what they will have to do ."]} +{"id": "A30.16.22", "text": "Within the next few months --- and long before the next election --- they will have to settle these questions or see the spectre of the Winter of Discontent raised to haunt them by gleeful Conservative politicians .", "summaries": ["they will have to settle these questions or see the spectre of the Winter of Discontent raised by Conservative politicians ."]} +{"id": "A30.16.23", "text": "It simply is not enough for Mr Meacher to say that such details will be worked out after the next general election by Labour ministers and Whitehall officials .", "summaries": ["It is not enough to say that details will be worked out after the next general election ."]} +{"id": "A30.16.24", "text": "Mr Meacher intends within the next three to six months to work out precisely what form of specialist industrial relations courts a future Labour government intends to set up. Difficult as it may be , he should attempt to settle more delicate issues .", "summaries": ["Mr Meacher intends within months to work out what form of industrial relations courts a Labour government intends to set up."]} +{"id": "A30.16.25", "text": "If Mr Meacher is not the man to bang the heads of union leaders together , then surely Mr Kinnock is.", "summaries": ["If Meacher is not the man to bang the heads of union leaders together , then Kinnock is."]} +{"id": "A30.16.3", "text": "True , the conference ignored the call for complete immunity in tort which the Tuc passed to the conference .", "summaries": ["the conference ignored the call for complete immunity in tort ."]} +{"id": "A30.16.4", "text": "Under the resolution overwhelmingly passed by Labour delegates , unions would be subject to fines and there would no such immunity from civil action if they acted illegally .", "summaries": ["Under the resolution , unions would be subject to fines and there would no immunity from civil action ."]} +{"id": "A30.16.5", "text": "Strikes without ballots , for instance , would not enjoy the protection of the law .", "summaries": ["Strikes without ballots would not enjoy the protection of the law ."]} +{"id": "A30.16.6", "text": "There has , however , been a confusing flurry of paper involved in the evolution of the policy .", "summaries": ["There has been a flurry of paper involved ."]} +{"id": "A30.16.7", "text": "First there was the broad statement of intent in the policy review document and then there was the controversial Tuc composite resolution --- an incompetently constructed mosaic of competing interests .", "summaries": ["First there was the broad statement of intent and then there was the controversial Tuc resolution ."]} +{"id": "A30.16.8", "text": "Last Friday came a statement of `` clarification '' issued by the party and the unions and finally there was the debate and another statement by Michael Meacher , Labour 's employment spokesman .", "summaries": ["Last Friday came `` clarification '' and finally there was debate and another statement by Michael Meacher , Labour spokesman ."]} +{"id": "A30.16.9", "text": "There has been nothing remotely resembling intellectual coherence .", "summaries": ["There has been nothing resembling coherence ."]} +{"id": "A30.24.0", "text": "It Was , said Monty Python member Terry Jones yesterday of the death of his colleague Graham Chapman the worst case of party pooping he have ever come across .", "summaries": ["It Was , said Terry Jones of the death of Graham Chapman the worst case of party pooping ever ."]} +{"id": "A30.24.1", "text": "Chapman had died of cancer on Wednesday on the eve of the twentieth anniversary celebration of the first Monty Python show .", "summaries": ["Chapman had died of cancer on the eve of the twentieth anniversary of the first Monty Python show ."]} +{"id": "A30.24.10", "text": "Cleese and Michael Palin were with him when he died .", "summaries": ["Cleese and Palin were with him when he died ."]} +{"id": "A30.24.11", "text": "The painfully early death of someone who was part of a youth cult normally prompts obituaries for that cult .", "summaries": ["The death of someone who was part of a youth cult prompts obituaries for that cult ."]} +{"id": "A30.24.12", "text": "But in the case of Python that could not be more inappropriate .", "summaries": ["in the case of Python that could be inappropriate ."]} +{"id": "A30.24.13", "text": "Books , records and films continue to sell well .", "summaries": ["Books , records and films sell well ."]} +{"id": "A30.24.14", "text": "The original shows were last year sold to Mtv in the Us. Only Chapman really failed to capitalise on Python 's success .", "summaries": ["The shows were sold to Mtv Us. Chapman failed to capitalise on Python 's success ."]} +{"id": "A30.24.15", "text": "Cleese 's successes are well known .", "summaries": ["Cleese 's successes are known ."]} +{"id": "A30.24.16", "text": "Palin , among many film triumphs , co-starred with Cleese in A Fish Called Wanda ; Eric Idle has also been consistently on screen .", "summaries": ["Palin co-starred with Cleese in A Fish Called Wanda ; Eric Idle has been consistently on screen ."]} +{"id": "A30.24.17", "text": "Terry Jones has moved into film direction , as has Terry Gilliam , the show 's animator .", "summaries": ["Terry Jones has moved into film direction , as has Terry Gilliam ."]} +{"id": "A30.24.18", "text": "The Python mixture of surrealism and Oxbridge set texts --- a `` summarising Proust '' competition in a municipal baths ; phoning Sartre 's wife `` Is John Paul free ? '' 'He 's been asking himself that for years ' --- is as familiar as the silly walks , deceased parrot and other images that have gained cult status .", "summaries": ["The Python surrealism --- a `` summarising Proust '' competition in a municipal baths --- is as familiar as the silly walks and other images that have gained cult status ."]} +{"id": "A30.24.19", "text": "But if Chapman 's death is to provoke any analysis it might be to ask whether the Pythons achieved their original aim of breaking the mould of English television comedy , doing away with the studio applause , the guest star , the musical interlude , even on occasion the punchline .", "summaries": ["any analysis might ask whether the Pythons achieved their aim of breaking the mould of television comedy , doing away with studio applause , guest star , musical interlude , even punchline ."]} +{"id": "A30.24.2", "text": "It was not the first time the 48-year-old comedian and doctor had pooped the party .", "summaries": ["It was not the first time the 48-year-old had pooped the party ."]} +{"id": "A30.24.20", "text": "That ambition has only been partially fulfilled .", "summaries": ["That ambition has been partially fulfilled ."]} +{"id": "A30.24.21", "text": "John Lloyd , producer of Not The Nine O'Clock News , Spitting Image and Blackadder , says that for his generation of university students 20 years ago Python was the seminal programme .", "summaries": ["John Lloyd , producer of Not The Nine O'Clock News , Spitting Image and Blackadder , says that for his generation Python was seminal ."]} +{"id": "A30.24.22", "text": "The first Not the Nine O ' Clock News series had a sketch about Python worshippers but that team , while itself worshipping Python , went out of its way not to be derivative , eschewing silly voices , dressing in drag and what they later realised to be a misogynist trait in Python .", "summaries": ["The first Not the Nine O ' Clock News series had a sketch about Python worshippers but that team went out of its way not to be derivative , eschewing silly voices , dressing in drag and a misogynist trait ."]} +{"id": "A30.24.23", "text": "`` In some ways , '' he said yesterday , `` Python does look very old-fashioned now , yet when I arranged a compilation of all 45 shows for the Bbc I found that we had on the Not The Nine O '' Clock News unintentionally pinched a number of things , putting the signature in the middle of the programme , parodying famous Tv interviews .", "summaries": ["he said , `` Python does look old-fashioned now , yet I found the Not The Nine O Clock News pinched a number of things , the signature in the middle of the programme , parodying famous interviews ."]} +{"id": "A30.24.24", "text": "It impresses itself upon you subliminally .", "summaries": ["It impresses itself subliminally ."]} +{"id": "A30.24.25", "text": "`` But the irony of a mould-breaking programme like Python is that it is a dead-end , a spoiler for the rest of us. Because it is so bizarre it is not possible to go down a very new route of comedy without appearing derivative .", "summaries": ["`` But the irony of Python is that it is a dead-end , it is not possible to go down a new route of comedy without appearing derivative ."]} +{"id": "A30.24.26", "text": "And as not everyone can be a mould-breaker there are still a lot of traditional comedy shows on television. '' Indeed , the formula for the majority of comedy on television remains as it was before a ragged man struggled along the seashore , collapsed and panted seemingly with his last breath : `` It 's ... ''", "summaries": ["as not everyone can be a mould-breaker the formula for comedy on television remains as it was before ''"]} +{"id": "A30.24.3", "text": "In 1967 Chapman , who had cultivated a conventional image with his ubiquitous tweed jacket and pipe , by his own later admission stunned a party attended by his friends and future Python colleagues by coming out as a homosexual .", "summaries": ["In 1967 Chapman , who had cultivated a conventional image , stunned a party by coming out as a homosexual ."]} +{"id": "A30.24.4", "text": "John Cleese and Eric Idle who had both been at Cambridge with him had had no idea .", "summaries": ["John Cleese and Eric Idle who had been at Cambridge with him had had no idea ."]} +{"id": "A30.24.5", "text": "Chapman said later that Cleese , his writing partner at Cambridge and afterwards on the Frost , Marty Feldman and At Last the 1948 shows , `` was still in a state of shock '' .", "summaries": ["Chapman said later that Cleese , his writing partner , `` was still in shock '' ."]} +{"id": "A30.24.6", "text": "After the last Python show in 1974 Chapman pooped the party again .", "summaries": ["After the last Python show in 1974 Chapman pooped the party ."]} +{"id": "A30.24.7", "text": "While the others went on to further success he fought and eventually won a battle against alcoholism , but his writing partnership with Cleese did not survive it , and , at his own choice , he was not a member of the Python film company Prominent Features .", "summaries": ["he fought a battle against alcoholism , but his writing partnership with Cleese did not survive it , and , at his choice , he was not a member of the Python film company ."]} +{"id": "A30.24.8", "text": "The sometimes uneasy relations between Chapman and the rest of the team received a boost recently when they filmed an introduction to a twentieth anniversary special to be screened later this year .", "summaries": ["The uneasy relations between Chapman and the team received a boost when they filmed an introduction to a twentieth anniversary special ."]} +{"id": "A30.24.9", "text": "All assumed then and indeed until two days ago that Chapman was recovering from his illness .", "summaries": ["All assumed Chapman was recovering ."]} +{"id": "A30.25.0", "text": "Lord Aldington told a High Court jury yesterday he remembered making inquiries to ensure that thousands of Yugoslavs repatriated by the British at the end of the Second World War would be properly treated .", "summaries": ["Lord Aldington remembered making inquiries to ensure Yugoslavs repatriated by the British at the end of the War would be properly treated ."]} +{"id": "A30.25.1", "text": "He was continuing evidence in a libel action against Count Nikolai Tolstoy , the historian , and Nigel Watts , a Tunbridge Wells property developer , who circulated a pamphlet in 1987 describing him as responsible for repatriating 70,000 Russian Cossacks and Yugoslavs to be massacred by the communists in 1945 .", "summaries": ["He was continuing evidence in a libel action against Nikolai Tolstoy , and Nigel Watts , who circulated a pamphlet describing him as responsible for repatriating 70,000 Cossacks and Yugoslavs to be massacred by the communists ."]} +{"id": "A30.25.10", "text": "He was asked why he had repatriated the women and children `` camp followers '' with the captured troops .", "summaries": ["He was asked why he had repatriated women and children with captured troops ."]} +{"id": "A30.25.11", "text": "He said that had been a concession to them to allow families to stay together .", "summaries": ["He said to allow families to stay together ."]} +{"id": "A30.25.12", "text": "`` I assume that we thought that these dependants would wish to accompany their soldiers and that the soldiers would wish to have them with them .", "summaries": ["`` we thought that dependants would wish to accompany their soldiers ."]} +{"id": "A30.25.13", "text": "It was a concession , not an extra burden. '' But he did not order the return of other civilians , he said .", "summaries": ["It was a concession '' he did not order the return of other civilians ."]} +{"id": "A30.25.14", "text": "At the time , he and his commanding officers were more concerned with preparing to fight Tito 's partisans , Lord Aldington added .", "summaries": ["he and his commanding officers were more concerned with Tito 's partisans ."]} +{"id": "A30.25.15", "text": "In May 1945 Yugoslav partisans had been spreading through Allied-occupied Austria , trying to annexe much of it to their own country .", "summaries": ["In May 1945 Yugoslav partisans had been spreading through Austria , trying to annexe it to their country ."]} +{"id": "A30.25.16", "text": "The British Eighth Army 's V Corps , where he was a staff officer , had been giving top priority to Operation Beehive , preparing a strategy to fight the Yugoslavs if necessary .", "summaries": ["The British Eighth Army 's V Corps had been giving priority to Operation Beehive , preparing to fight the Yugoslavs ."]} +{"id": "A30.25.17", "text": "He said it had been vital to keep Operation Beehive secret from the Soviets and the Yugoslavs , so many people within V Corps had not known about it.", "summaries": ["to keep Operation Beehive secret from Yugoslavs , many people within V Corps had not known about it."]} +{"id": "A30.25.2", "text": "The defendants say the accusations are true .", "summaries": ["The defendants say the accusations are true ."]} +{"id": "A30.25.3", "text": "In evidence earlier this week Lord Aldington , 75 , formerly Brigadier Toby Lowe , said the first he had heard that the men , women and children sent back from the British-occupied zone of Austria had been tortured and massacred was from Count Tolstoy in 1979 .", "summaries": ["Lord Aldington said the first he had heard that men , women and children sent back from the British-occupied Austria had been tortured and massacred was from Tolstoy in 1979 ."]} +{"id": "A30.25.4", "text": "He said yesterday : `` I 'm sure I had been making inquiries ( in 1945 ) about what would happen to people who we sent back .", "summaries": ["He said : `` I had been making inquiries about what would happen ."]} +{"id": "A30.25.5", "text": "I have in my memory a feeling that we had satisfied ourselves that international law would be obeyed. '' He referred to two documents where the Yugoslavs gave undertakings about treatment of repatriated citizens .", "summaries": ["we had satisfied ourselves that international law would be obeyed. '' He referred to documents where the Yugoslavs gave undertakings about repatriated citizens ."]} +{"id": "A30.25.6", "text": "Lord Aldington was asked why the Yugoslavs had not been told their destination before repatriation .", "summaries": ["Lord Aldington was asked why the Yugoslavs had not been told their destination ."]} +{"id": "A30.25.7", "text": "`` We did not wish to create conditions which led to possible violence. '' This would have meant extra guards were needed on the camps , and would have forced the British soliders to use force .", "summaries": ["`` We did not wish to create conditions which led to violence. '' This would have meant extra guards , and would have forced the British soliders to use force ."]} +{"id": "A30.25.8", "text": "He also told the court he had been acting in accordance with an order from Allied Forces Headquarters on 14 May 1945 .", "summaries": ["he had been acting in accordance with an order from Allied Forces Headquarters ."]} +{"id": "A30.25.9", "text": "That said : `` All Russians to be handed over to Soviet forces and all surrendered Yugoslav nationals serving in German forces to be handed over to Yugoslav forces. '' Asked whether he had screened the Yugoslavs before they were sent back , he said there had been no requirement under the order .", "summaries": ["`` All Russians to be handed over to Soviet forces and all surrendered Yugoslav to Yugoslav forces. '' Asked whether he had screened the Yugoslavs , he said there had been no requirement under the order ."]} +{"id": "A30.7.0", "text": "Neil Kinnock won a decisive victory yesterday when his party rejected demands to embrace proportional representation by a three-to-one majority .", "summaries": ["Neil Kinnock won when his party rejected proportional representation ."]} +{"id": "A30.7.1", "text": "Conference delegates endorsed their leader 's determined stand after Roy Hattersley , Labour 's deputy leader , warned that for the party to concede demands for Pr would be `` an act of historic folly '' .", "summaries": ["Conference delegates endorsed their leader 's stand after Roy Hattersley , deputy leader , warned that Pr would be `` an folly '' ."]} +{"id": "A30.7.10", "text": "It would be unprincipled , and undemocratic to take that view. '' Gavin Laird , general secretary of the Aeu engineering union , said Pr would be the remaining burning issue within the party in the run-up to the next election .", "summaries": ["It would be undemocratic to take that view. '' Gavin Laird , of the engineering union , said Pr would be the burning issue in the run-up to the next election ."]} +{"id": "A30.7.11", "text": "`` The Nec report on this issue is a sham .", "summaries": ["`` The Nec report is a sham ."]} +{"id": "A30.7.12", "text": "There was no debate on the national executive , merely an expression of prejudice and fear of change .", "summaries": ["There was no debate , merely expression of fear of change ."]} +{"id": "A30.7.13", "text": "How can this party stifle debate on such a crucial issue ?", "summaries": ["How can this party stifle debate on such a issue ?"]} +{"id": "A30.7.14", "text": "How can this party join with the Tories to defend the status quo ? '' Sheila Cunningham , of Norfolk North , said the present system was unfair and perpetuated the elective dictatorship which had developed in the 1980s .", "summaries": ["How can this party join the Tories to defend the status quo ? '' Sheila Cunningham said the system perpetuated the elective dictatorship developed in the 1980s ."]} +{"id": "A30.7.15", "text": "Both the Tories and Labour had 46 per cent of the vote in the 1955 general election , yet Conservatives were elected with a majority of 55 .", "summaries": ["Both Tories and Labour had 46 per cent in 1955 , yet Conservatives were elected with a majority of 55 ."]} +{"id": "A30.7.16", "text": "But many speakers saw the issue as a damaging diversion from Labour 's efforts to win the next election .", "summaries": ["many speakers saw the issue as a diversion from Labour 's efforts to win ."]} +{"id": "A30.7.17", "text": "Alan Duncan , of the Gmb , said : `` It is absolutely irresponsible to waste the next year on a debate of no interest or concern to the people we represent. '' He was supported by Alun Michael , Mp for Cardiff South , who argued that for Labour to take the issue seriously would be a gift to the party 's opponents .", "summaries": ["Alan Duncan said : `` It is irresponsible to waste the next year on a debate of no interest '' He was supported by Alun Michael ."]} +{"id": "A30.7.18", "text": "`` Pr involves voting for the least worst , and we want the best for the country as a whole .", "summaries": ["`` Pr involves voting for the least worst , and we want the best ."]} +{"id": "A30.7.19", "text": "Just as we are on the way out of the desert , it would be plain daft to turn back because someone thinks they have seen a hazy mirage on the horizon. ''", "summaries": ["on the way out of the desert , it would be daft to turn back because someone thinks they have seen a mirage ''"]} +{"id": "A30.7.2", "text": "He insisted : `` The inevitable result of proportional representation is coalition government .", "summaries": ["He insisted : `` The result is coalition government ."]} +{"id": "A30.7.3", "text": "I do not believe that at the end of a week in which we have honed a new policy we are going to even contemplate bargaining that away in smoke-filled rooms with Paddy Ashdown , David Owen , or anyone else. '' Post-election pacts were the inevitable consequence of Pr. `` We would never have a Labour government able to carry out a Labour programme --- even when that programme had won far more votes than any of the other parties. '' Although Labour accepted that a second chamber to replace the Lords could be elected by a method other than the present first-past-the-post system , that chamber did not make or break governments .", "summaries": ["I do not believe that at the end of a week in which we have honed a new policy we are going to contemplate bargaining that away '' pacts were the consequence of Pr. `` We would never have a Labour programme --- even when that had won more votes '' Although a chamber to replace the Lords could be elected by a method other than the present , that chamber did not make or break governments ."]} +{"id": "A30.7.4", "text": "`` It is in the House of Commons that governments must build their majorities .", "summaries": ["`` in the Commons governments build majorities ."]} +{"id": "A30.7.5", "text": "For the House of Commons , proportional reprentation would in consequence be a reduction , not an extension of democracy. '' However , Jeff Rooker , Mp for Birmingham Perry Barr and a prominent advocate of Pr , said the House of Commons would continue to be `` largely , middle class , white , and male dominated '' without a new system .", "summaries": ["For the Commons , proportional reprentation would be a reduction of democracy. '' Jeff Rooker , advocate of Pr , said the Commons would continue to be `` , middle class , white , and male '' without a new system ."]} +{"id": "A30.7.6", "text": "`` You cannot be satisfied with a system which means votes do not have equal value and where , unless you live in a marginal constituency elections pass you by on the other side .", "summaries": ["`` You cannot be satisfied with a system which means votes do not have equal value and unless you live in a marginal constituency elections pass you by ."]} +{"id": "A30.7.7", "text": "You cannot be satisfied when our fellow citizens are saddled with an electoral system which leads to elective dictatoriship , and the corruption of parliamentary law-making processes .", "summaries": ["You cannot be satisfied with an system which leads to elective dictatoriship , and the corruption of parliamentary processes ."]} +{"id": "A30.7.8", "text": "And all on the basis of 42 per cent of the vote .", "summaries": ["on the basis of 42 per cent ."]} +{"id": "A30.7.9", "text": "`` Electoral reform cannot be held in reserve in case things go wrong .", "summaries": ["`` reform cannot be held in reserve ."]} +{"id": "A3G.15.0", "text": "The Treasury is refusing to fund a further phase of the city technology colleges .", "summaries": ["The Treasury is refusing to fund further the city technology colleges ."]} +{"id": "A3G.15.1", "text": "Plans for the creation of 20 CTCs by 1990 were announced by Kenneth Baker , the then Secretary of State for Education and Science , at the Conservative Party conference in October 1986 .", "summaries": ["20 CTCs by 1990 were announced by Kenneth Baker , then Secretary for Education , in 1986 ."]} +{"id": "A3G.15.10", "text": "But yesterday , Susan Fey , of the Ctc Trust , said , `` We were only ever given a target of 20 .", "summaries": ["Susan Fey , of the Ctc Trust , said , `` We were given a target of 20 ."]} +{"id": "A3G.15.11", "text": "We have never been to Treasury to ask for funds for more than 20 .", "summaries": ["We have never been to Treasury to ask for funds for more ."]} +{"id": "A3G.15.12", "text": "Of course there have been discussions between the Trust and civil servants but nothing has gone to Pesc ( the expenditure talks). '' Although Sir Cyril had spoken in January 1988 about `` hundreds '' of CTCs , these would be funded by local education authorities .", "summaries": ["there have been discussions between the Trust and civil servants '' Although Sir Cyril had spoken about `` hundreds '' of CTCs , these would be funded by local authorities ."]} +{"id": "A3G.15.13", "text": "Jack Straw , Labour 's shadow education secretary said yesterday at the Labour Party conference that the news to abandon further CTCs marked `` the death of an expensive corrupt fiasco , which has already cost the taxpayer millions '' .", "summaries": ["Jack Straw , shadow education secretary said that the news to abandon further CTCs marked `` the death of an fiasco '' ."]} +{"id": "A3G.15.14", "text": "`` But so rotten has the policy proved that not even a `` taxpayer bail-out '' could save it. Indeed even Britain 's blue chip businesses boycotted the scheme despite being put under intense personal and political pressure , '' he added .", "summaries": ["`` not even a `` taxpayer bail-out '' could save it. businesses boycotted the scheme despite intense personal and political pressure , '' ."]} +{"id": "A3G.15.15", "text": "Mr Straw said this involved `` veiled threats if they did not cough up and clear promises of honours if they did '' .", "summaries": ["Mr Straw said this involved `` veiled threats and clear promises of honours '' ."]} +{"id": "A3G.15.16", "text": "He added : `` What is so appalling is that millions of pounds which should have been invested in children 's education has been squandered in pursuit of electoral advantage. '' He will renew calls on the public accounts committee to conduct a full investigation into `` this disgraceful waste of the funds so vital to the education of our children '' .", "summaries": ["He added : `` millions which should have been invested in education has been squandered '' He will renew calls to conduct a investigation into `` this disgraceful waste '' ."]} +{"id": "A3G.15.17", "text": "He is also writing to John McGregor , the Education Secretary , urging him not only to abandon the idea of additional CTCs but to hand over those in the pipeline to local authorities .", "summaries": ["He is writing to John McGregor , Education Secretary , urging him not only to abandon the idea of additional CTCs but to hand over to local authorities ."]} +{"id": "A3G.15.2", "text": "They were to be a new form of secondary school --- `` beacons of excellence '' --- funded mainly by industry , and would concentrate on science and technology .", "summaries": ["a form of secondary school funded by industry , would concentrate on science and technology ."]} +{"id": "A3G.15.3", "text": "But the Government has been severely embarrassed by the burgeoning cost of the programme .", "summaries": ["the Government has been embarrassed by the cost ."]} +{"id": "A3G.15.4", "text": "Mr Baker had said that industrial sponsors would pay `` all or a substantial part '' of the capital costs .", "summaries": ["Mr Baker had said sponsors would pay `` a substantial part '' of the costs ."]} +{"id": "A3G.15.5", "text": "The lack of sponsors has meant the taxpayer has had to foot more of the bill .", "summaries": ["lack of sponsors has meant the taxpayer has had to foot the bill ."]} +{"id": "A3G.15.6", "text": "The Department of Education and Science said yesterday that the Government had spent \u00a319.7m on CTCs and there was a further planned expenditure over the next three years of \u00a3106.2m .", "summaries": ["the Government spent \u00a319.7m on CTCs and there was a further expenditure of \u00a3106.2m ."]} +{"id": "A3G.15.7", "text": "So far industry had contributed \u00a344m .", "summaries": ["industry had contributed \u00a344m ."]} +{"id": "A3G.15.8", "text": "Sir Cyril Taylor , the Government 's adviser on CTCs , who had earlier been successful in persuading Mr Baker to commit more government funds to the 20 schools , had been hoping to get more money for a new round of schools .", "summaries": ["Sir Cyril Taylor , Government adviser on CTCs , had been hoping to get more money for a new round of schools ."]} +{"id": "A3G.15.9", "text": "But sources have confirmed that this has been ruled out by the Treasury in the current round of public expenditure talks .", "summaries": ["this has been ruled out ."]} +{"id": "A3G.26.0", "text": "Conservationists are concerned about the decline in the Scottish population of capercaillie , a bird of the old pine woods and the largest member of the grouse family .", "summaries": ["Conservationists are concerned about the decline of capercaillie , the largest member of the grouse family ."]} +{"id": "A3G.26.1", "text": "The capercaillie , one of Britain 's most spectacular game birds , is prized by European trophy hunters .", "summaries": ["The capercaillie , one of Britain 's most spectacular birds , is prized by hunters ."]} +{"id": "A3G.26.10", "text": "The experiment was prompted by a survey of the commission 's forests in northern Scotland .", "summaries": ["The experiment was prompted by a survey of the forests in northern Scotland ."]} +{"id": "A3G.26.11", "text": "Assisted by the Rspb , the commission circulated questionnaires among its rangers in Highland and Grampian regions .", "summaries": ["Assisted by the Rspb , the commission circulated questionnaires among its rangers ."]} +{"id": "A3G.26.12", "text": "The results showed that capercaillie had vanished from 12 of the 56 forests which had held them for 20 years , and numbers had declined in nearly all the other forests .", "summaries": ["The results showed that capercaillie had vanished from 12 of the 56 forests , and had declined in all the other forests ."]} +{"id": "A3G.26.13", "text": "The commission has sponsored the Institute of Terrestrial Ecology ( Ite ) at Banchory , near Aberdeen , to examine how modern forests can be made capercaillie-friendly .", "summaries": ["The commission has sponsored the Institute of Terrestrial Ecology near Aberdeen , to examine how forests can be made capercaillie-friendly ."]} +{"id": "A3G.26.14", "text": "Capercaillie in Scotland have already come back from near extinction once .", "summaries": ["Capercaillie have come back from near extinction once ."]} +{"id": "A3G.26.15", "text": "They died out in the eighteenth century as a result of deforestation and hunting .", "summaries": ["They died out in the eighteenth century as a result of deforestation and hunting ."]} +{"id": "A3G.26.16", "text": "The species was successfully re-established in Perthshire with birds from Sweden in the 1830s .", "summaries": ["The species was re-established with birds from Sweden in the 1830s ."]} +{"id": "A3G.26.17", "text": "By the turn of this century they were plentiful in Scotland , eventually becoming so numerous that commercial foresters regarded them as vermin because of their liking for pine buds and needles ( a trait which , according to gourmets , makes them taste strongly of turpentine ) .", "summaries": ["they were plentiful in Scotland , eventually regarded them as vermin because of their liking for pine buds which makes them taste of turpentine ."]} +{"id": "A3G.26.18", "text": "Their last population peak was 1974 .", "summaries": ["Their population peak was 1974 ."]} +{"id": "A3G.26.19", "text": "Since then there has been a long decline .", "summaries": ["there has been a decline ."]} +{"id": "A3G.26.2", "text": "But as it has retreated towards its heartland in the Tay , Dee and Spey valleys , most sporting estates have imposed a voluntary moratorium on shooting .", "summaries": ["as it has retreated most sporting estates have imposed a moratorium on shooting ."]} +{"id": "A3G.26.3", "text": "Roy Dennis , North of Scotland officer for the Royal Society for the Protection of Birds , said there could be as few as 2,000 left in the highlands , an 80 per cent decline in the past 15 years .", "summaries": ["Roy Dennis , North of Scotland officer for the Royal Society for the Protection of Birds , said there could be an 80 per cent decline in the past 15 years ."]} +{"id": "A3G.26.4", "text": "`` I would n't say it was the last ditch for the capercaillie .", "summaries": ["`` I would n't say it was the last for the capercaillie ."]} +{"id": "A3G.26.5", "text": "But it is concerning. '' Poor breeding in wet , cold springs ; clear-felling of Scots pine forests ; the proliferation of dense sitka spruce plantations ; and over-shooting have all been suggested as contributing to the capercaillie 's retreat .", "summaries": ["'' Poor breeding ; clear-felling of forests ; the proliferation of spruce plantations ; and over-shooting have all been suggested as contributing to the capercaillie 's retreat ."]} +{"id": "A3G.26.6", "text": "Robert Moss , the leading British expert on capercaillie , believes that habitat destruction and modern forestry practices played an important role .", "summaries": ["Moss , the leading expert on capercaillie , believes habitat destruction and forestry practices played an important role ."]} +{"id": "A3G.26.7", "text": "`` The future of the capercaillie will depend on how good a habitat we provide for them in our new forests , '' he said .", "summaries": ["`` The future of the capercaillie will depend on habitat '' ."]} +{"id": "A3G.26.8", "text": "The bird 's retreat has led the Forestry Commission to modify three of its forests to make them more welcoming to capercaillie .", "summaries": ["The retreat has led the Forestry Commission to modify three forests to make them more welcoming to capercaillie ."]} +{"id": "A3G.26.9", "text": "This has involved thinning trees , opening up glades around mature Scots pines and planting juniper and blackberries .", "summaries": ["This involved thinning trees , opening glades around Scots pines and planting juniper and blackberries ."]} +{"id": "A3G.43.0", "text": "Archaeologists in Devon are recording the 5,000-year history of a valley which is about to be flooded to form one of Britain 's largest reservoirs .", "summaries": ["Archaeologists in Devon are recording the 5,000-year history of a valley about to be flooded to form one of Britain 's largest reservoirs ."]} +{"id": "A3G.43.1", "text": "Investigations in the area --- part of the valley of the river Wolf , north-west of Dartmoor --- have revealed evidence of human activity dating from neolithic times .", "summaries": ["Investigations in the valley of the river Wolf have revealed human activity dating from neolithic times ."]} +{"id": "A3G.43.10", "text": "However , by the 1970s the population had dwindled to less than 20 , and the last inhabitant moved out three years ago , after the land was bought by South West Water .", "summaries": ["by the 1970s the population had dwindled , and the last inhabitant moved out three years ago , after the land was bought by South West Water ."]} +{"id": "A3G.43.11", "text": "Over the past two years , archaeologists have excavated the remains of a medieval village --- including its corn and cloth mills --- as well as four farm sites , and three buildings constructed of cob .", "summaries": ["Over two years , archaeologists have excavated a medieval village --- including corn and cloth mills --- four farm sites , and three buildings constructed of cob ."]} +{"id": "A3G.43.12", "text": "The last house in the valley --- West Wortha --- will be demolished within the next four weeks , but archaeological work will continue even as the water level starts to rise .", "summaries": ["The last house will be demolished within weeks , but archaeological work will continue ."]} +{"id": "A3G.43.13", "text": "The excavation --- directed by Peter Stead of Exeter Museum --- has been funded jointly by English Heritage and South West Water to the tune of \u00a3250,000 .", "summaries": ["The excavation --- directed by Peter Stead --- has been funded by English Heritage and South West Water to the tune of \u00a3250,000 ."]} +{"id": "A3G.43.14", "text": "Items so far recovered include prehistoric flint instruments , medieval pottery , a seventeenth-century water wheel , eighteenth-century clay ovens for scalding Devonshire cream , and nineteenth-century cider presses and apple crushers .", "summaries": ["Items recovered include prehistoric flint instruments , medieval pottery , a seventeenth-century water wheel , eighteenth-century clay ovens , and nineteenth-century cider presses and apple crushers ."]} +{"id": "A3G.43.15", "text": "A permanent exhibition on the history of the valley is to be established near the dam in the early 1990s .", "summaries": ["A permanent exhibition is to be established near the dam ."]} +{"id": "A3G.43.16", "text": "The flooding process , which begins next week , is expected to be complete by 1991 .", "summaries": ["The flooding is expected to be complete by 1991 ."]} +{"id": "A3G.43.17", "text": "A \u00a316.1m dam will hold back a 2.6-mile-long artificial lake to be known as the Roadford Reservoir .", "summaries": ["A \u00a316.1m dam will hold back a 2.6-mile-long Roadford Reservoir ."]} +{"id": "A3G.43.18", "text": "The dam itself --- 45 miles west of Exeter and completed two months ago --- is 430 metres across and 40 metres high .", "summaries": ["The dam --- completed two months ago --- is 430 metres across and 40 metres high ."]} +{"id": "A3G.43.2", "text": "But the most important aspect of the project has been the excavation of domestic buildings built between the fifteenth and nineteenth centuries .", "summaries": ["most important has been the excavation of domestic buildings built between the fifteenth and nineteenth centuries ."]} +{"id": "A3G.43.3", "text": "For the first time , archaeologists have been able to study in detail the techniques used by post-medieval builders to construct the typical `` cob '' houses for which the West Country is famous .", "summaries": ["For the first time , archaeologists have been able to study the techniques used to construct `` cob '' houses ."]} +{"id": "A3G.43.4", "text": "Building in cob --- mud , straw and cow dung --- is no longer practised .", "summaries": ["Building in cob --- mud , straw and cow dung --- is no longer practised ."]} +{"id": "A3G.43.5", "text": "The tradition , which goes back at least 2,500 years , continued until the early part of this century .", "summaries": ["The tradition , which goes back 2,500 years , continued until this century ."]} +{"id": "A3G.43.6", "text": "Although cob walls contain no stone , apart from the footings , they are remarkably resilient .", "summaries": ["Although cob walls contain no stone , they are resilient ."]} +{"id": "A3G.43.7", "text": "Tens of thousands of traditional mud-built cob buildings are still in use throughout Devon and Cornwall .", "summaries": ["thousands of cob buildings are still in use throughout Devon and Cornwall ."]} +{"id": "A3G.43.8", "text": "In the early nineteenth century , the area --- whose most celebrated son was the Rev Sabine Baring-Gould , composer of the hymn `` Onward Christian Soldiers '' --- supported at least 100 people .", "summaries": ["In the early nineteenth century , the area supported 100 people ."]} +{"id": "A3G.43.9", "text": "It had its own brickworks , cloth mill and farms , and was largely self-sufficient .", "summaries": ["It had brickworks , cloth mill and farms , and was largely self-sufficient ."]} +{"id": "A3U.1.0", "text": "The Man with the bulbous nose and large gold pinky ring was determined to have his photograph taken with Congressman Jim Florio .", "summaries": ["The Man with the bulbous nose and pinky ring was determined to have his photograph taken with Congressman Jim Florio ."]} +{"id": "A3U.1.1", "text": "Elbowing his way through the crowd at the `` colonial streetfair '' inside the Loews Glenpointe Hotel , he said that having paid $ 500 to get in , he was n't about to leave without being photographed with the next governor of New Jersey .", "summaries": ["at the `` colonial streetfair '' inside the Loews Glenpointe Hotel , he said that having paid $ 500 to get in , he was n't about to leave without being photographed with the next governor of New Jersey ."]} +{"id": "A3U.1.10", "text": "Mr Florio 's formula has been to embrace those Republican policies which brought economic growth to the state during the Reagan years , while sharply attacking the Republicans ' conservative stand on social and environmental issues .", "summaries": ["Florio 's formula has been to embrace Republican policies which brought economic growth , while attacking the conservative stand on social and environmental issues ."]} +{"id": "A3U.1.11", "text": "He contends that economic prosperity has given the voters the opportunity to choose on issues like abortion and the environment .", "summaries": ["He contends prosperity has given the opportunity to choose on abortion and the environment ."]} +{"id": "A3U.1.12", "text": "To a large extent , the election has been fought on the airwaves , with both candidates delivering television advertisements attacking each other .", "summaries": ["the election has been fought with both candidates delivering television advertisements attacking each other ."]} +{"id": "A3U.1.13", "text": "Because New Jersey does not have its own television station , or even a state newspaper , the candidates have bought expensive air time on the New York City-based stations and in Mr Florio 's case , they seem to be working .", "summaries": ["Because New Jersey does not have its own television station , the candidates have bought air time on the New York stations and in Florio 's case , they seem to be working ."]} +{"id": "A3U.1.14", "text": "The Republicans placed an advertisement making a link between Mr Florio and the Mafia , which the Democrats have countered with ads referring to Mr Courter as a liar and showing his nose getting longer --- Pinocchio-style - as he speaks .", "summaries": ["The Republicans placed an advertisement making a link between Florio and the Mafia , which the Democrats countered referring to Courter as a liar and showing his nose getting longer as he speaks ."]} +{"id": "A3U.1.15", "text": "The Republican advertisement shows Angelo Errichett , the Mayor of Camden --- which is in Mr Florio 's district --- being dragged off to jail after his conviction for corruption .", "summaries": ["The Republican advertisement shows Angelo Errichett , Mayor of Camden --- in Florio 's district --- being dragged off to jail ."]} +{"id": "A3U.1.16", "text": "`` Joisey '' is still the butt of jokes made by New York sophisticates , but its political leaders , like the outgoing Governor Kean , now have national stature and have taken the lead in forming social policy for the rest of America on welfare reform , school financing , public housing and care of the environment .", "summaries": ["`` Joisey '' is still the butt of jokes , but its leaders like Kean have national stature forming social policy for the rest of America on welfare school financing , public housing and the environment ."]} +{"id": "A3U.1.17", "text": "Almost a million new jobs have come to the state since 1990 , many in pharmaceuticals and electronics , making up for the 1,000 jobs a month which have been lost in mature heavy industries .", "summaries": ["Almost a million new jobs have come since 1990 , many in pharmaceuticals and electronics , making up for jobs lost in heavy industries ."]} +{"id": "A3U.1.18", "text": "The state has a population of 7.6 million , making it the most densely populated in the union .", "summaries": ["The state has a population of 7.6 million , the most densely populated ."]} +{"id": "A3U.1.2", "text": "Candidate Florio and his blonde wife , Lucinda , had no choice but to pose with the property developer from the Jersey waterfront before moving on past three mediocre belly-dancers , a man ( on stilts ) dressed up as Abraham Lincoln and an actor dressed up as Rip Van Winkle .", "summaries": ["Florio and his wife had to pose with the property developer before moving on ."]} +{"id": "A3U.1.3", "text": "The Florios worked the room with ease and self-confidence and by the time they had reached the podium an aide to the candidate was saying that almost a million dollars had already been raised for the Democratic campaign .", "summaries": ["The Florios worked the room with ease and by the time they reached the podium a million dollars had been raised for the Democratic campaign ."]} +{"id": "A3U.1.4", "text": "On the platform , Mr Florio asked the party faithful not to become too complacent .", "summaries": ["Florio asked the party faithful not to become complacent ."]} +{"id": "A3U.1.5", "text": "`` To quote the famous American philosopher Yogi Berra ( of baseball fame ) , '' he said , `` It ai n't over till it 's over. '' With less than a month left before the 7 November election and opinion polls showing that he leads his Republican opponent , Congressman Jim Courter , by between 14 and 23 points , the race for governor of New Jersey is attracting intense national interest .", "summaries": ["With a month left before the November election and opinion polls showing he leads his opponent , Jim Courter , by between 14 and 23 points , the race for governor of New Jersey is attracting national interest ."]} +{"id": "A3U.1.6", "text": "Traditionally a Democratic state , New Jersey has been under broad Republican control since Ronald Reagan defeated Jimmy Carter in 1980 and Governor Thomas Kean narrowly defeated Mr Florio in 1981 .", "summaries": ["Traditionally Democratic , New Jersey has been under Republican control since Reagan defeated Carter in 1980 and Thomas Kean defeated Mr Florio in 1981 ."]} +{"id": "A3U.1.7", "text": "Thanks to an economic boom which started in the Reagan era , New Jersey has started to shed its hackneyed image as the home of toxic dumps and second-class citizens .", "summaries": ["Thanks to an economic boom which started in the Reagan era , New Jersey has started to shed its image of toxic dumps and second-class citizens ."]} +{"id": "A3U.1.8", "text": "Once looked upon as a valley of humility between two mountains of conceit --- New York City and Philadelphia --- the Garden State now has a much sharper image to present to the world .", "summaries": ["Once a valley of humility between two mountains of conceit --- New York and Philadelphia --- the State now has a sharper image ."]} +{"id": "A3U.1.9", "text": "This year , with the Democrats poised to win the state , the national leadership is looking to see whether the same tactics can be used to turn back the tide on the Republicans nationwide .", "summaries": ["with the Democrats poised to win , the national leadership is looking to see whether the same tactics can turn back the tide nationwide ."]} +{"id": "A3U.23.0", "text": "The West German government yesterday expressed `` great concern and deep dismay '' at police violence against East Germans demonstrating for reform at the weekend .", "summaries": ["The West German government expressed concern dismay at police violence against East Germans demonstrating for reform ."]} +{"id": "A3U.23.1", "text": "It urged the East German leadership to respond to demands for freedom `` not with the police but with understanding and open-mindedness '' .", "summaries": ["It urged the leadership to respond `` with understanding and open-mindedness '' ."]} +{"id": "A3U.23.10", "text": "The flow of East German refugees swelled during the 24 hours to Sunday morning from the normal 500-600 to 1,184 , bringing the number who have taken that route since Hungary opened its borders on 11 September to 35,000 .", "summaries": ["The flow of refugees swelled from 500-600 to 1,184 , bringing the number who have taken that route since Hungary opened its borders to 35,000 ."]} +{"id": "A3U.23.11", "text": "A further 300 have taken refuge with the West German embassy in Warsaw and , although the East German-Czechoslovak border is virtually sealed off and the West German embassy in Prague is surrounded by police who turn would-be refugees away , 30 more have managed to get inside the building .", "summaries": ["300 have taken refuge with the West German embassy in Warsaw and , although the embassy in Prague is surrounded by police , 30 have managed to get inside ."]} +{"id": "A3U.23.12", "text": "Rudolf Seiters , head of the West German chancellery , who played a big role in the deals to ship more than 14,000 from Warsaw and Prague to the West in special trains , said he was confident a solution will be found for them too .", "summaries": ["Rudolf Seiters , who played a big role in the deals to ship 14,000 from Warsaw and Prague , was confident a solution will be found for them too ."]} +{"id": "A3U.23.13", "text": "Earlier , Mr Vogel said Mr Honecker 's speech on Saturday must have disappointed reformists in East Germany .", "summaries": ["Mr Vogel said Honecker 's speech on Saturday must have disappointed reformists ."]} +{"id": "A3U.23.14", "text": "`` One could discern no forward-looking political thinking , nor any willingness even to contemplate reform. '' President Gorbachev , he said , had `` spoken clear words very cautiously .", "summaries": ["`` no forward-looking , nor willingness to reform. '' Gorbachev , had `` spoken clear words very cautiously ."]} +{"id": "A3U.23.15", "text": "Whether the ( East German Communist ) leadership will draw the consequences remains to be seen. '' Mr Seiters said Mr Honecker 's speech was an `` oppressive contrast '' to the challenge posed him by the recent exodus and the upsurge of demands in East Germany for reform .", "summaries": ["Whether the leadership will draw the consequences remains to be seen. '' Mr Seiters said Honecker 's speech was an `` oppressive contrast '' to the demands for reform ."]} +{"id": "A3U.23.16", "text": "East Germany must change course it if it is to stop the haemorrhage of its own people , he said , and renewed Bonn 's offer of financial assistance for reforms .", "summaries": ["East Germany must change course , he said , and renewed Bonn 's offer of financial assistance ."]} +{"id": "A3U.23.17", "text": "Volker Ruhe , secretary-general of the ruling Christian Democrat party , said West German aid should include projects to improve East Germany 's consumer goods industries and to develop its environment technology .", "summaries": ["Volker Ruhe , secretary-general of the Christian Democrat party , said aid should include projects to improve consumer goods industries and environment technology ."]} +{"id": "A3U.23.18", "text": "West Germany 's opposition Social Democrats yesterday cautiously welcomed the formation of an East German Social Democrat party , the first actual political party to emerge from the present ferment for reform .", "summaries": ["West Germany 's Social Democrats cautiously welcomed the formation of an East German Social Democrat party , the first to emerge ."]} +{"id": "A3U.23.19", "text": "The caution was prompted by a desire not to seem anxious to dominate the fledgeling party .", "summaries": ["The caution was prompted by a desire not to dominate the party ."]} +{"id": "A3U.23.2", "text": "The `` oppressive '' police violence , arrests and the jamming of a West Berlin radio station had thrown `` further heavy shadows '' over East Germany 's 40th anniversary , the deputy government spokesman , Dieter Vogel , said .", "summaries": ["police violence , arrests and the jamming of a West Berlin radio station had thrown `` heavy shadows '' over East Germany 's 40th anniversary , the deputy government spokesman said ."]} +{"id": "A3U.23.20", "text": "`` It is not for us to steer these people or act on their behalf '' , said the Spd spokesman Eduard Heussen .", "summaries": ["`` It is not for us to steer these people '' , said spokesman Eduard Heussen ."]} +{"id": "A3U.23.21", "text": "`` But we declare our solidarity with them. '' The Social Democrat party , banned by the Nazis in 1933 , returned to life for only one year after the war in what was then the Soviet-occupied zone of Germany .", "summaries": ["`` we declare our solidarity with them. '' The Social Democrat party , banned by the Nazis , returned to life for only one year after the war ."]} +{"id": "A3U.23.22", "text": "In 1946 it was forcibly merged with the Communist Party into what was , and is , called the Socialist Unity Party ( Sed ) .", "summaries": ["In 1946 it was forcibly merged with the Communist Party and called the Socialist Unity Party ( Sed ) ."]} +{"id": "A3U.23.23", "text": "The Social Democrats found themselves without influence inside a hard-line Stalinist party .", "summaries": ["The Social Democrats found themselves without influence inside a Stalinist party ."]} +{"id": "A3U.23.3", "text": "At the same time West German leaders renewed their pressure on the East German regime to follow Mikhail Gorbachev 's advice and bring in glasnost and perestroika .", "summaries": ["West German leaders renewed their pressure on the East German regime to follow Gorbachev 's perestroika ."]} +{"id": "A3U.23.4", "text": "They again offered strong economic backing for reforms .", "summaries": ["They offered economic backing for reforms ."]} +{"id": "A3U.23.5", "text": "Dorothea Wilms , minister for intra-German affairs , and Oscar Lafontaine , Social Democrat prime minister of the Saarland ventured to hope that there would soon be changes in East Germany despite the fact that its leader , had not shown the slightest inclination to budge during the 40th anniversary celebrations and talks with the Soviet president .", "summaries": ["Dorothea Wilms , minister for intra-German affairs , and Oscar Lafontaine , prime minister of Saarland hope there would soon be changes despite the fact that its leader , had not shown inclination to budge ."]} +{"id": "A3U.23.6", "text": "Hundreds of Western tourists were again turned away at crossing points in the Berlin Wall yesterday as East Berlin remained sealed off to all but those with regular visas for the fourth day running .", "summaries": ["Western tourists were turned away at the Berlin Wall as East Berlin remained sealed off for the fourth day ."]} +{"id": "A3U.23.7", "text": "The authorities evidently feared that Westerners would reinforce protest demonstrators in the city .", "summaries": ["The authorities feared Westerners would reinforce demonstrators ."]} +{"id": "A3U.23.8", "text": "A large and angry group of people hurled beer bottles and cans at East German border guards at the Checkpoint Charlie crossing point on Saturday and tore down parts of a newly metal fence in protest .", "summaries": ["people hurled beer bottles and cans at East German border guards at the Checkpoint Charlie and tore down parts of a fence ."]} +{"id": "A3U.23.9", "text": "No-one was hurt but one man was detained by West German police for identification .", "summaries": ["one man was detained by West German police ."]} +{"id": "A3W.10.0", "text": "The Number of people entitled to civil legal aid has fallen by more than 14 million since 1979 , according to research published today .", "summaries": ["The Number of people entitled to legal aid has fallen by 14 million since 1979 ."]} +{"id": "A3W.10.1", "text": "The findings confirm earlier estimates of a large drop in eligibility and will fuel renewed calls for the legal aid means test to be thoroughly reviewed .", "summaries": ["The findings confirm a drop in eligibility and will fuel calls for the legal aid means test to be reviewed ."]} +{"id": "A3W.10.10", "text": "`` Green form '' advice for consumer problems was 16 per cent down on the previous year .", "summaries": ["`` Green form '' advice was 16 per cent down on the previous year ."]} +{"id": "A3W.10.11", "text": "Help with employment disputes fell by 14 per cent , with debt , immigration and housing matters showing falls of 13 , 9 and 8 per cent respectively .", "summaries": ["Help with employment fell by 14 per cent , with debt , immigration and housing showing falls of 13 , 9 and 8 per cent respectively ."]} +{"id": "A3W.10.12", "text": "Like previous studies , Mr Murphy 's analysis uses conservative assumptions and legal aid experts say the problem could be much more serious .", "summaries": ["Mr Murphy 's analysis uses conservative assumptions and legal aid experts say the problem could be more serious ."]} +{"id": "A3W.10.13", "text": "Mr Murphy says eligibility levels which took account of variations between households and actual , rather than assumed , figures for tax and housing , could be definitively assessed by further analysis of detailed Family Expenditure Survey statistics at the cost of only a few thousand pounds .", "summaries": ["Mr Murphy says eligibility which took account of variations between households and actual figures for tax and housing , could be definitively assessed by further analysis of Family Expenditure Survey statistics ."]} +{"id": "A3W.10.14", "text": "Lord Mackay has treated claims that eligibility has substantially fallen as speculative .", "summaries": ["Lord Mackay treated claims eligibility has fallen as speculative ."]} +{"id": "A3W.10.15", "text": "But there is now tacit acceptance at the Lord Chancellor 's department that the subject must be investigated .", "summaries": ["there is acceptance that the subject must be investigated ."]} +{"id": "A3W.10.16", "text": "`` Over the last couple of months we have begun a preliminary look at the statistics with a view to doing our own calculations .", "summaries": ["`` we have begun a view to doing our calculations ."]} +{"id": "A3W.10.17", "text": "The Family Expenditure Surveys will be a part of the exercise , '' a spokeswoman said .", "summaries": ["The Family Expenditure Surveys will be a part of the exercise '' ."]} +{"id": "A3W.10.18", "text": "But she added : `` Numbers are one thing , effects are another .", "summaries": ["she added : `` Numbers are one thing , effects another ."]} +{"id": "A3W.10.19", "text": "The scheme was intended for people of poor or moderate means .", "summaries": ["The scheme was for people of poor means ."]} +{"id": "A3W.10.2", "text": "Compared with 10 years ago , when it was estimated that at least 70 per cent of two-parent households with two children came within the scheme , less than half of two-parent families now qualify , according to the author of the study , Michael Murphy , a statistician at the London School of Economics .", "summaries": ["Compared with 10 years ago , when it was estimated that 70 per cent of households with children came within the scheme , less than half of families now qualify , according to the of the study at the London School of Economics ."]} +{"id": "A3W.10.20", "text": "We will need to discover who is really being stopped from going ahead with legal action , or whether people are making choices between legal action or re-mortgaging their house , a holiday , a car or otherwise freeing money which is tied up. ''", "summaries": ["We need to discover whether people are making choices between legal action or freeing money which is tied up. ''"]} +{"id": "A3W.10.3", "text": "Claimants under the scheme receive advice or representation free or subject to a contribution linked to disposable income .", "summaries": ["Claimants receive representation free or subject to a contribution linked to income ."]} +{"id": "A3W.10.4", "text": "But legal aid experts argue that low income and capital limits are denying access to justice to increasing numbers of people who cannot afford to pay privately .", "summaries": ["legal aid experts argue that income and capital limits are denying access to justice to increasing numbers of people ."]} +{"id": "A3W.10.5", "text": "Mr Murphy 's analysis of available earnings and spending data , including the Department of Employment 's most recent Family Expenditure Survey , is revealed in today 's Legal Action .", "summaries": ["Mr Murphy 's analysis of data , including the Department of Employment 's most recent Family Expenditure Survey , is revealed in today 's Legal Action ."]} +{"id": "A3W.10.6", "text": "The analysis concludes that 1 million households and more than 21/2 million people have dropped out of the legal aid net in the two years since Lord Mackay of Clashfern became Lord Chancellor .", "summaries": ["more than 21/2 million people have dropped out of the legal aid net in two years ."]} +{"id": "A3W.10.7", "text": "Over the last decade , the upper disposable income limit rose by about 50 per cent , but earnings rose by 135 per cent and prices by 93 per cent .", "summaries": ["Over the last decade , the income limit rose by 50 per cent , but earnings rose by 135 per cent and prices by 93 per cent ."]} +{"id": "A3W.10.8", "text": "Mr Murphy 's findings are borne out by new evidence of a decline in the use of legal aid .", "summaries": ["Mr Murphy 's findings are borne out by evidence of a decline in legal aid ."]} +{"id": "A3W.10.9", "text": "Figures for the year ended 31 March 1989 , due to be published at the end of the year , show an overall 8 per cent drop in the use of the `` green form '' initial advice and assistance scheme , as compared with an overall increase the previous year of 10 per cent .", "summaries": ["Figures for the year ended 31 March 1989 , show an 8 per cent drop in the advice and assistance scheme , as compared with an overall increase the previous year of 10 per cent ."]} +{"id": "A3W.2.0", "text": "Most Of Setsuko 's paintings were sold by Friday lunchtime --- and the show at the Lefevre Gallery only opened on Thursday .", "summaries": ["Most Of Setsuko 's paintings were sold by Friday --- the show at the Lefevre Gallery opened on Thursday ."]} +{"id": "A3W.2.1", "text": "Her gouache paintings on paper depict unpeopled interiors and flowers with a Japanese sense of colour and design , but their intriguing magic derives from the marriage of East and West .", "summaries": ["Her gouache paintings depict unpeopled interiors and flowers with a Japanese sense of design , but their magic derives from the marriage of East and West ."]} +{"id": "A3W.2.10", "text": "Anthony Caro 's prices are 10 times higher --- but then he is the founding father of British avant-garde sculpture and does much of his work in the Us where prices are higher .", "summaries": ["Anthony Caro 's prices are 10 times higher --- he is the father of British avant-garde sculpture and does work in the Us ."]} +{"id": "A3W.2.11", "text": "A major exhibition of his 1980s sculpture is split between Annely Juda Fine Art and the Knoedler Gallery .", "summaries": ["A exhibition of his 1980s sculpture is split between Annely Juda Fine Art and the Knoedler Gallery ."]} +{"id": "A3W.2.12", "text": "The Knoedler pieces are evocations in welded metal of the balance of forms in some of the most famous Western paintings , Manet 's Dejeuner sur l'herbe and the Descent from the Cross as interpreted by Rubens and Rembrandt .", "summaries": ["The Knoedler pieces are evocations in welded metal of forms in Manet 's Dejeuner sur l'herbe and the Descent from the Cross by Rubens and Rembrandt ."]} +{"id": "A3W.2.13", "text": "The powerful balance of these figure compositions is highlighted when they are transposed into tubes and sheets of metal .", "summaries": ["The balance is highlighted when they are transposed into tubes and sheets of metal ."]} +{"id": "A3W.2.14", "text": "They are priced between $ 150,000 ( Manet ) and $ 180,000 ( Rembrandt ) .", "summaries": ["They are priced between $ 150,000 and $ 180,000 ."]} +{"id": "A3W.2.15", "text": "Annely Juda has used the gallery 's three floors to divide the exhibits into three distinct groups .", "summaries": ["Annely Juda 's three floors divide the exhibits into three groups ."]} +{"id": "A3W.2.16", "text": "The ground floor has big architectural metal sculptures , dominated by the Elephant Palace whose abstract form in shiny brass echoes the monumental mass of an elephant and scores the top price at $ 250,000 .", "summaries": ["The ground floor has architectural sculptures , dominated by the Elephant Palace at $ 250,000 ."]} +{"id": "A3W.2.17", "text": "The first floor contains paper sculptures --- he has used torn , cut , folded and painted paper to form provocative jumbles contained in plexiglass cases ; these abstract explorations of texture and form , which closely parallel his metal pieces , are attractively priced at $ 10,000 .", "summaries": ["The first floor contains paper sculptures in plexiglass cases ; these explorations of texture and form are priced at $ 10,000 ."]} +{"id": "A3W.2.18", "text": "It is clearly harder work to produce smaller images in metal ; the contorted metal forms in the third-floor gallery , mostly two to three foot high , cost between $ 40,000 and $ 60,000 .", "summaries": ["the metal forms in the third-floor gallery , two to three foot high , cost between $ 40,000 and $ 60,000 ."]} +{"id": "A3W.2.19", "text": "Fischer Fine Art is showing Elisabeth Frink , the grande dame of British sculpture .", "summaries": ["Fischer Fine Art is showing Elisabeth Frink ."]} +{"id": "A3W.2.2", "text": "The chairs and tables , shopping baskets , watering cans and tablecloths are Western , as are the flowers .", "summaries": ["chairs tables , shopping baskets , watering cans and tablecloths are Western , as are the flowers ."]} +{"id": "A3W.2.20", "text": "She represents a wholly different tradition in twentieth-century sculpture to Caro .", "summaries": ["She represents a different tradition in sculpture to Caro ."]} +{"id": "A3W.2.21", "text": "Where he is abstract and geometric , she is figurative and expressionist .", "summaries": ["he is abstract and geometric , she is figurative and expressionist ."]} +{"id": "A3W.2.22", "text": "The show is dominated by more than life-size naked bronze men inspired by the majestic Hellenistic bronze warriors rescued from the sea off southern Italy in the 1970s .", "summaries": ["The show is dominated by more than life-size naked bronze men inspired by the Hellenistic bronze warriors ."]} +{"id": "A3W.2.23", "text": "Their heavy , menacing bodies , roughly finished and coloured with acid cost \u00a350,000 .", "summaries": ["Their bodies , roughly finished and coloured with acid cost \u00a350,000 ."]} +{"id": "A3W.2.24", "text": "Other works start at \u00a32,500 and include drawings , small animal bronzes , paper cut-outs and massive plaster heads .", "summaries": ["Other works start at \u00a32,500 and include drawings , animal bronzes , paper cut-outs and plaster heads ."]} +{"id": "A3W.2.3", "text": "They have been arranged in a Western home by the Japanese wife of Balthus , the great French painter .", "summaries": ["They have been arranged in a Western home by the Japanese wife of Balthus ."]} +{"id": "A3W.2.4", "text": "Balthus , who is 81 , married Setsuko , now 47 , in 1967 .", "summaries": ["Balthus , 81 , married Setsuko , 47 , in 1967 ."]} +{"id": "A3W.2.5", "text": "She began to paint after the birth of her first child in 1973 .", "summaries": ["She began to paint after the birth of her first child in 1973 ."]} +{"id": "A3W.2.6", "text": "The Lefevre show , which moves on to Tokyo in November , is Setsuko 's fourth exhibition .", "summaries": ["The Lefevre show is Setsuko 's fourth exhibition ."]} +{"id": "A3W.2.7", "text": "While her husband 's work is seen as one of the landmarks in Western painting of the twentieth century , she has retained her own identity , working with the exquisite finesse of the best , traditional Japanese painters .", "summaries": ["While her husband 's work is one of the landmarks in Western painting , she has retained her identity , working with the finesse of traditional Japanese painters ."]} +{"id": "A3W.2.8", "text": "There are just hints of Balthus 's influence in her interiors ; enough to add a piquancy to a supremely-decorative style .", "summaries": ["There are hints of Balthus 's influence ."]} +{"id": "A3W.2.9", "text": "Her work would be a pleasure to live with at any price and the \u00a39,000 to \u00a313,000 range seems modest compared with much of the contemporary art on offer in London .", "summaries": ["Her work would be a pleasure to live with at any price and the \u00a39,000 to \u00a313,000 range seems modest ."]} +{"id": "A3W.9.0", "text": "Going to the theatre , concerts and art galleries remains largely the privilege of the well-off and well-educated , and of more women than men , research shows .", "summaries": ["Going to the theatre , concerts and galleries remains the privilege of the well-off and well-educated , and of more women than men ."]} +{"id": "A3W.9.1", "text": "A year-long survey of the habits of 24,000 adults in England , Wales and Scotland has found that people with an annual household income of \u00a320,000 or more have considerably higher levels of attendance than those in lower income groups .", "summaries": ["A survey of 24,000 adults in England , Wales and Scotland has found that people with an household income of \u00a320,000 or more have higher levels of attendance ."]} +{"id": "A3W.9.10", "text": "Arts Council officers are understood to be considering changing the practice of handing out separate information about the arts to the different political party conferences .", "summaries": ["Arts Council officers are considering changing the practice of handing out information to political party conferences ."]} +{"id": "A3W.9.11", "text": "As reported in some editions of The Independent last week , the Arts Council leaflet aimed at this week 's Conservative Party conference differs starkly from the one handed out to Labour delegates in Brighton last week .", "summaries": ["the Arts Council leaflet at this week 's Conservative Party conference differs from the one handed out to Labour ."]} +{"id": "A3W.9.12", "text": "The leaflet earmarked for the Tories will stress the earning potential of the arts , its management and marketing skills , and the usefulness of sponsorship .", "summaries": ["The leaflet for the Tories will stress the earning potential of the arts , management and marketing skills , and the usefulness of sponsorship ."]} +{"id": "A3W.9.13", "text": "The leaflet given to Labour activists mentions none of these things , concentrating on how many ordinary people go to arts events .", "summaries": ["The leaflet given to Labour mentions how many ordinary people go to arts events ."]} +{"id": "A3W.9.14", "text": "In a memorable set of class assumptions , the Labour leaflet looks at how many people go to opera , jazz and West End theatres , while in the message to Tories only opera remains .", "summaries": ["the Labour leaflet looks at how many people go to opera , jazz and West End theatres , while in the message to Tories only opera remains ."]} +{"id": "A3W.9.15", "text": "Neil Kinnock appears to have failed to convince the Arts Council that his party now has a wide constituency covering large sections of the middle classes , and might have business contacts .", "summaries": ["Neil Kinnock appears to have failed to convince the Arts Council that his party has a wide constituency , and might have business contacts ."]} +{"id": "A3W.9.16", "text": "The Labour leaflet compared the numbers going to the Royal Shakespeare Company with attendances at Wembley Stadium , Aida with the Ideal Home Exhibition , and ballet , somewhat incongruously , with Rugby Union .", "summaries": ["The Labour leaflet compared numbers going to the Royal Shakespeare Company with attendances at Wembley Stadium , Aida with the Ideal Home Exhibition , and ballet with Rugby Union ."]} +{"id": "A3W.9.17", "text": "And , without a hint of irony , under the heading `` All kinds of people enjoy the arts '' , it says that 3.1 million News of the World readers go to the theatre , and 1,157,000 Sun readers attend art galleries or exhibitions .", "summaries": ["it says that 3.1 million News of the World readers go to the theatre , and 1,157,000 Sun readers attend exhibitions ."]} +{"id": "A3W.9.2", "text": "It was very high for people who took their full-time education beyond the age of 18 , and higher among women than men for all art forms except jazz and art galleries .", "summaries": ["It was very high for people who took full-time education beyond 18 , and higher among women for all except jazz and galleries ."]} +{"id": "A3W.9.3", "text": "The information , collected for the Arts Council by the British Market Research Bureau , shows that in an average period of four weeks during 1988-89 , 6 per cent of the adult population went to the theatre , 4 per cent to an art gallery , 2 per cent to classical music and 1 per cent to jazz .", "summaries": ["The information shows that in an average four weeks during 1988-89 , 6 per cent went to the theatre , 4 to an gallery , 2 to classical music and 1 per cent to jazz ."]} +{"id": "A3W.9.4", "text": "Over a three-month period , opera attracted 1 per cent of the population but ballet and contemporary dance fewer than 1 per cent .", "summaries": ["Over a three-month period , opera attracted 1 per cent but ballet and contemporary dance fewer ."]} +{"id": "A3W.9.5", "text": "Of the 24,058 people interviewed , 37.7 per cent of women attended arts events and 33.1 per cent of men .", "summaries": ["37.7 per cent of women attended arts events and 33.1 per cent of men ."]} +{"id": "A3W.9.6", "text": "Above the \u00a320,000 income threshold , more than half of those interviewed go to arts events .", "summaries": ["Above the \u00a320,000 threshold , more than half go to arts events ."]} +{"id": "A3W.9.7", "text": "Fewer than 30 per cent of those earning up to \u00a38,000 go , and fewer than 40 per cent of those earning up to \u00a315,000 .", "summaries": ["Fewer than 30 per cent of those earning up to \u00a38,000 go , and fewer than 40 per cent of those earning up to \u00a315,000 ."]} +{"id": "A3W.9.8", "text": "Nearly 55 per cent of people who have been in higher education had been to the theatre in the survey period , but fewer than 19 per cent of those who left school at 16 .", "summaries": ["55 per cent of people who have been in higher education had been to the theatre in the survey period , but 19 per cent of those who left school at 16 ."]} +{"id": "A3W.9.9", "text": "For art galleries the figures are 50 per cent and 16 per cent , for classical music 32 per cent and 8 per cent .", "summaries": ["For art galleries the figures are 50 and 16 per cent , for classical music 32 and 8 per cent ."]} +{"id": "A46.29.0", "text": "There Were fears last night that the first substantial cracks had opened in the facade of the European Community 's `` Project 1992 '' after finance ministers appeared to concede that the deadline for creating a truly seamless marketplace for traders cannot be met .", "summaries": ["cracks opened in the European Community 's `` Project 1992 '' after finance ministers appeared to concede that the deadline for creating a seamless marketplace cannot be met ."]} +{"id": "A46.29.1", "text": "In an attempt to overcome a two-year-old impasse over European Commission proposals for an alignment of national rates of Value Added Tax ( Vat ) and Excise rates by 1993 , the ministers agreed to abandon key provisions for revising Vat collection arrangements .", "summaries": ["In an attempt to overcome a impasse for an alignment of Vat and Excise rates by 1993 , the ministers agreed to abandon provisions for revising Vat collection arrangements ."]} +{"id": "A46.29.10", "text": "France 's Finance Minister , Pierre Beregevoy , insisted a step had been taken towards eliminating fiscal frontiers .", "summaries": ["France 's Finance Minister insisted a step had been taken towards eliminating fiscal frontiers ."]} +{"id": "A46.29.11", "text": "When pressed , he almost conceded that something of the original philosophy of the 1992 programme may have been lost .", "summaries": ["he almost conceded that something of the philosophy of the programme may have been lost ."]} +{"id": "A46.29.12", "text": "`` Rather than seeing total disagreement , I would prefer to have a good compromise , '' he said .", "summaries": ["`` Rather than total disagreement , I would prefer a compromise , '' he said ."]} +{"id": "A46.29.13", "text": "`` I would rather make pragmatic progress than theoretical progress. '' Britain 's junior Treasury Minister , Peter Lilley , also defended the new tactics .", "summaries": ["`` I would rather make pragmatic than theoretical progress. '' Britain 's junior Treasury Minister defended the tactics ."]} +{"id": "A46.29.14", "text": "`` We ca n't faff around forever , '' he said .", "summaries": ["`` We ca n't faff around , '' he said ."]} +{"id": "A46.29.15", "text": "`` The Uk was not alone in thinking that the original proposal was too rigid and paid insufficient regard to market forces. '' The Ec Commissioner now responsible for tax , France 's Christiane Scrivener , shuffled out of the meeting unusually declining to speak to journalists .", "summaries": ["`` the original proposal was too rigid '' The Ec Commissioner responsible for tax , Christiane Scrivener , shuffled out of the meeting declining to speak to journalists ."]} +{"id": "A46.29.16", "text": "Last week , she outraged her Commission colleagues by suggesting that the government 's paper , which has unanimous backing , might prove irresistible .", "summaries": ["Last week , she outraged her Commission colleagues by suggesting that the government 's paper might prove irresistible ."]} +{"id": "A46.29.17", "text": "It may not be long before her view is upheld .", "summaries": ["It may be her view is upheld ."]} +{"id": "A46.29.18", "text": "Any decision on taxation has to be taken by the member states unanimously and there now seems little hope that the Commission can deflect them from the course they set out upon yesterday .", "summaries": ["Any decision on taxation has to be taken unanimously and there seems little hope the Commission can deflect them from the course they set ."]} +{"id": "A46.29.19", "text": "Perhaps more grave , however , is the fact that still more contentious aspects of the plan are also still unresolved , notably the extent to which governments can be persuaded to approximate their highly divergent rates of Vat Excise duties .", "summaries": ["contentious aspects of the plan are still unresolved , notably the extent governments can be persuaded to approximate their rates of Vat ."]} +{"id": "A46.29.2", "text": "These asked for an end to the current system of zero-rating goods bound for export to other Ec states in favour of levying Vat on all taxable goods sold , regardless of where in the Community they are to be sold .", "summaries": ["These asked for an end to zero-rating goods for export to other Ec states in favour of Vat on goods , regardless of where in the Community they are to be sold ."]} +{"id": "A46.29.20", "text": "Three countries --- Denmark , Ireland and Belgium --- meanwhile indicated yesterday that they remain opposed to another key element , which forsees the abolition of all limits on tax-paid goods that can be carried across borders by private travellers .", "summaries": ["Denmark , Ireland and Belgium indicated that they remain opposed the abolition of all limits on tax-paid goods carried across borders by travellers ."]} +{"id": "A46.29.21", "text": "These governments fear a vast loss of revenue to the low-rate neighbour countries if these limits --- so-called `` travellers '' allowances ' --- are abandoned .", "summaries": ["These governments fear a loss of revenue to the low-rate neighbour countries ."]} +{"id": "A46.29.22", "text": "However , if they are maintained --- and car boots still have to be checked for goods that may exceed the allowances in worth --- then the whole dream of a frontier-free Community will be lost .", "summaries": ["if car boots still have to be checked the dream of a frontier-free Community will be lost ."]} +{"id": "A46.29.3", "text": "Thus , in tax terms at least , the 12 Ec states would become one .", "summaries": ["in tax terms the 12 Ec states would become one ."]} +{"id": "A46.29.4", "text": "The Commission argues that switching from zero-rating to tax-paid exports would provide the only way of scrapping checks on traders at borders without inviting fraud on a massive scale .", "summaries": ["The Commission argues that switching would provide the only way of scrapping checks at borders without inviting fraud ."]} +{"id": "A46.29.5", "text": "It also suggests that this is vital if traders are to be convinced that trading across frontiers is no more strange than doing business with the shopkeeper next door .", "summaries": ["It suggests this is vital if traders are to be convinced that trading across frontiers is no more than doing business with the shopkeeper next door ."]} +{"id": "A46.29.6", "text": "Yesterday , however , the ministers endorsed a counter-proposal prepared by senior treasury officials , which asks that the current zero-rating mechanisms are maintained `` for a limited period '' , on the grounds that too little time is left to adapt to a new system .", "summaries": ["the ministers endorsed a counter-proposal , which asks that the current mechanisms are maintained `` for a limited period '' , to adapt to a new system ."]} +{"id": "A46.29.7", "text": "The governments ' main complaint is that for the Commission 's plan to work , a special clearing house would have to be set up to reapportion Vat revenue levied in the country of export which would be owing to that of import - where the product would be consumed .", "summaries": ["The governments ' complaint is that for the plan to work , a clearing house would have to be set up to reapportion Vat levied in the country of export to that of import ."]} +{"id": "A46.29.8", "text": "National officials answer the Commission fears of fraud by proposing a system of double-checking on traders , whereby they would be obliged to list every item exported and imported for spot-checking .", "summaries": ["National officials answer fears of fraud by proposing a system of double-checking on traders , whereby they would be obliged to list every item for spot-checking ."]} +{"id": "A46.29.9", "text": "The Commission thinks this would would present businessmen with new paperwork perhaps more burdensome than border checks themselves .", "summaries": ["The Commission thinks this would present paperwork more burdensome than border checks ."]} +{"id": "A4K.36.0", "text": "Fourteen Nuns battling to save their flock of 5,000 chickens from slaughter have won a further reprieve .", "summaries": ["Fourteen Nuns battling to save their 5,000 chickens from slaughter have won a reprieve ."]} +{"id": "A4K.36.1", "text": "Lawyers representing the nuns from the Our Lady of the Passion Monastery , Daventry , Northamptonshire , were yesterday granted a judicial review of the Ministry of Agriculture order to slaughter the chickens .", "summaries": ["Lawyers representing the nuns from Our Lady of the Passion Monastery , were granted a review of the Ministry of Agriculture order ."]} +{"id": "A4K.36.10", "text": "However , the nuns said the ministry changed its account after initially telling them that Salmonella enteriditis was responsible .", "summaries": ["the ministry changed its account after initially telling them that Salmonella was responsible ."]} +{"id": "A4K.36.11", "text": "Richard North , an environmental health officer advising the nuns , said last night that they were all `` delighted '' with the outcome .", "summaries": ["Richard North , an environmental health officer advising the nuns , said they were `` delighted '' with the outcome ."]} +{"id": "A4K.36.12", "text": "Mother Catherine , 82 , the mother superior , will attend the hearing on Friday , he said .", "summaries": ["Mother Catherine , 82 , the mother superior , will attend ."]} +{"id": "A4K.36.13", "text": "Mr North is technical adviser to the United Kingdom Egg Producers ' Association , which has launched an appeal to meet the nuns ' legal costs .", "summaries": ["the United Kingdom Egg Producers ' Association launched an appeal to meet the nuns ' legal costs ."]} +{"id": "A4K.36.14", "text": "A spokesman for the ministry said it would continue consultation with Mother Catherine , and would be studying the papers submitted by the lawyers .", "summaries": ["A spokesman said it would continue consultation with Mother Catherine , and would be studying the papers submitted by the lawyers ."]} +{"id": "A4K.36.15", "text": "`` There is still a statutory obligation to slaughter the flock , '' he said .", "summaries": ["`` There is a statutory obligation to slaughter the flock '' ."]} +{"id": "A4K.36.2", "text": "This followed a private hearing before Mr Justice Konrad Schiemann in London .", "summaries": ["This followed a hearing before Mr Justice Konrad Schiemann ."]} +{"id": "A4K.36.3", "text": "It is alleged that the flock is infected with Salmonella typhimurium .", "summaries": ["It is alleged that the flock is infected with Salmonella ."]} +{"id": "A4K.36.4", "text": "The judicial review hearing will take place on Friday in the High Court when the full arguments will be presented , according to Dennis Cooper , who is representing the nuns .", "summaries": ["The hearing will take place on Friday when the full arguments will be presented , according to Dennis Cooper , who is representing the nuns ."]} +{"id": "A4K.36.5", "text": "In a written application for the review , lawyers said the decision to slaughter was made `` despite a significant lack of evidence of a connection between the food poisoning outbreak in Bedworth and the monastery '' .", "summaries": ["lawyers said the decision was made `` despite a lack of evidence of a connection between the food poisoning in Bedworth and the monastery '' ."]} +{"id": "A4K.36.6", "text": "Ministry officials were also accused of giving conflicting evidence , leaving doubt as to the accuracy and reliability of reports of infection .", "summaries": ["Ministry officials were accused of giving conflicting evidence , leaving doubt as to the reliability of reports of infection ."]} +{"id": "A4K.36.7", "text": "They had refused to supply details of alleged infection and this deprived the nuns of a chance to determine whether mistakes had been made , the lawyers said .", "summaries": ["They refused to supply details and this deprived the nuns of a chance to determine whether mistakes had been made ."]} +{"id": "A4K.36.8", "text": "They said the failure to give full reasons for the intended slaughter and the absence of any factual basis for the action justified the High Court in blocking the order .", "summaries": ["the failure to give full reasons and the absence of any basis justified the High Court blocking the order ."]} +{"id": "A4K.36.9", "text": "The ministry claims that an outbreak of food poisoning in July , at Bedworth , near Daventry , caused by Salmonella typhimurium was traced to the monastery .", "summaries": ["The ministry claims that an outbreak of food poisoning in July near Daventry , was traced to the monastery ."]} +{"id": "A4X.23.0", "text": "A Un Mission has not yet found any detainees in Swapo refugee camps , prison camps , bases and other facilities in Angola and Zambia , the Un Special Representative for Namibia , Martti Ahtisaari , said yesterday .", "summaries": ["Un has not yet found detainees in Swapo camps in Angola and Zambia , Un Representative , Martti Ahtisaari , said ."]} +{"id": "A4X.23.1", "text": "In making public the findings so far of the Mission on Detainees in Angola and Zambia , Mr Ahtisaari said that the group would keep trying to find about 250 people reported to have been detained or missing .", "summaries": ["Mr Ahtisaari said the group would keep trying to find 250 people reported missing ."]} +{"id": "A4X.23.10", "text": "But Mr Ahtisaari said that more recent checking , against the roll of Namibians who registered to vote in recent months , turned up 54 more names , and the mission expects to find that at least 20 others have been repatriated .", "summaries": ["Mr Ahtisaari said that recent checking against the roll of Namibians who registered to vote turned up 54 more names , and the mission expects to find at least 20 others ."]} +{"id": "A4X.23.11", "text": "An anomaly in the report is that it lists 21 `` locations of alleged detainees '' in Angola .", "summaries": ["the report lists 21 `` locations of alleged detainees '' in Angola ."]} +{"id": "A4X.23.12", "text": "The team visited only 10 .", "summaries": ["The team visited 10 ."]} +{"id": "A4X.23.13", "text": "But war was under way again in southern Angola , the team faced obvious difficulties and had to rely on information from the Angolan government .", "summaries": ["war was under way in Angola , the team had to rely on information from the government ."]} +{"id": "A4X.23.14", "text": "It is still not clear whether the approximately 250 people still listed as missing include those whom ex-detainees say were still alive in May , or if they include the names of those last seen in 1984 or 1986 .", "summaries": ["It is not clear whether the 250 people still missing include those whom ex-detainees say were alive in May , or those last seen in 1984 or 1986 ."]} +{"id": "A4X.23.2", "text": "`` At the alleged places of detention , '' Mr Ahtisaari said , `` the facilities were found to have been stripped of all valuable material and not to have been inhabited for several weeks at least. '' As a result of interviews with local people , he said , the mission did not believe that any detainees were moved from prison camps `` to another place prior to the mission 's arrival '' .", "summaries": ["Mr Ahtisaari said `` the facilities were found not to have been inhabited for weeks '' the mission did not believe any detainees were moved `` to another place prior to the mission 's arrival '' ."]} +{"id": "A4X.23.3", "text": "The Un team spent three weeks visiting the camps in September .", "summaries": ["The Un team spent three weeks visiting the camps ."]} +{"id": "A4X.23.4", "text": "It found that a number of them were `` what could be described as pits '' , according to the Nigerian ambassador , Ba Clark , who headed the team and who represents the United Nations Transition Assistance Group ( Untag ) in Angola .", "summaries": ["a number of them could be described as pits , according to the Nigerian ambassador , Ba Clark , who headed the team ."]} +{"id": "A4X.23.5", "text": "He described the facilities as `` bricks , cement or mud-lined holes in the ground without steps or , by now , roofs '' .", "summaries": ["He described the facilities as `` bricks , cement or mud-lined holes in the ground without steps or roofs '' ."]} +{"id": "A4X.23.6", "text": "Before it left , the Un mission compiled information on 1,100 people who had been detained , were alleged to have been detained or who were said to be missing , back to 1977 .", "summaries": ["the mission compiled information on 1,100 people who had been detained or said to be missing , back to 1977 ."]} +{"id": "A4X.23.7", "text": "The information came from a variety of sources , including Swapo itself .", "summaries": ["The information came from a variety of sources , including Swapo ."]} +{"id": "A4X.23.8", "text": "The mission then cross-checked the names with those of people repatriated to Namibia through the Un High Commissioner for Refugees programme , which has brought back 41,000 Namibians , including most Swapo guerrillas .", "summaries": ["The mission then cross-checked the names with those of people repatriated to Namibia , 41,000 including most Swapo guerrillas ."]} +{"id": "A4X.23.9", "text": "Mr Ahtisaari said that only 315 people were then found to be unaccounted for , because the mission 's list contained duplications , vague identifications , names of people who have been released and repatriated , names of people never detained and some who have been reported dead .", "summaries": ["315 people were unaccounted for"]} +{"id": "A50.44.0", "text": "Chris Patten , Secretary of State for the Environment , yesterday steered further away from the philosophy of his predecessor , Nicholas Ridley , and emphasised the need for state regulation to protect the countryside .", "summaries": ["Chris Patten , Secretary of State for the Environment , steered away from the philosophy of his predecessor , and emphasised the need for regulation to protect the countryside ."]} +{"id": "A50.44.1", "text": "In a key speech to the Blackpool conference , Mr Patten announced the immediate withdrawal of proposals to relax planning controls over rural land use .", "summaries": ["In the Blackpool conference , Mr Patten announced the withdrawal of proposals to relax controls over rural land use ."]} +{"id": "A50.44.10", "text": "`` We must still trust the market at the end of the day .", "summaries": ["`` We must still trust the market ."]} +{"id": "A50.44.11", "text": "I do n't want restrictions ; I do n't want controls , '' Mr Mason said .", "summaries": ["I do n't want restrictions , '' Mr Mason said ."]} +{"id": "A50.44.12", "text": "But Mr Patten told him good government should be founded on fact , not fantasy .", "summaries": ["Mr Patten told good government should be founded on fact ."]} +{"id": "A50.44.13", "text": "`` The greatest of Tories , Edmund Burke , reminded us of our duties as trustees for the nation , as good stewards of its traditions , its values and its riches .", "summaries": ["`` Edmund Burke reminded us of our duties as trustees for the nation ."]} +{"id": "A50.44.14", "text": "A nation , wrote Burke , is a partnership between the past , the present and the future .", "summaries": ["A nation is a partnership between the past , the present and the future ."]} +{"id": "A50.44.15", "text": "So let there be no doubt .", "summaries": ["let there be no doubt ."]} +{"id": "A50.44.16", "text": "Just as there is an overwhelming moral argument for prudent management of the economy , so there is an overwhelming ethical argument for prudent management of the environment. '' Filling in more detail on the Environment Protection Bill for the coming session of Parliament , Mr Patten said the public would be given more access than ever before to information about industrial pollution and about how individual firms would be obliged to clean up their operations .", "summaries": ["as there is an argument for management of the economy , so there is for the environment. '' Mr Patten said the public would be given more access to information about pollution and firms would be obliged to clean up their operations ."]} +{"id": "A50.44.17", "text": "Fines for litter louts will go up from a maximum of \u00a3400 to \u00a31,000 .", "summaries": ["Fines for litter louts will go up to \u00a31,000 ."]} +{"id": "A50.44.18", "text": "Local authorities will have a duty to keep the streets clean , on pain of being taken to court by members of the public .", "summaries": ["Local authorities will have a duty to keep the streets clean ."]} +{"id": "A50.44.19", "text": "The Bill will also place a duty on councils to include re-cycling in their waste disposal plans .", "summaries": ["The Bill will place a duty on councils to include re-cycling in waste disposal plans ."]} +{"id": "A50.44.2", "text": "Conservationists had protested that Mr Ridley 's plans for broadening economic activity on farmland could lead to a rash of theme parks , shopping developments and housing estates .", "summaries": ["Conservationists had protested that Mr Ridley 's plans could lead to a rash of theme parks , shopping developments and housing estates ."]} +{"id": "A50.44.20", "text": "Of the 18 million tonnes of household waste produced annually , only 2.7m tonnes is treated or re-used .", "summaries": ["Of the 18 million tonnes only 2.7m tonnes is treated or re-used ."]} +{"id": "A50.44.21", "text": "`` We want industry to cut down on its own waste and make better use of other people 's .", "summaries": ["`` We want industry to cut down on its own waste and make better use of other people 's ."]} +{"id": "A50.44.22", "text": "We should aim to re-cycle half our household waste within 10 years. '' Turning to the White Paper , to be published before the next party conference , he said it would set out the Conservatives ' agenda for the rest of this century .", "summaries": ["We should aim to re-cycle half 10 years. '' the White Paper would set out the Conservatives ' agenda for this century ."]} +{"id": "A50.44.23", "text": "Mr Patten said the Government wanted to tighten agreements already reached towards ending the depletion of stratospheric ozone .", "summaries": ["the Government wanted to tighten agreements towards ending the depletion of stratospheric ozone ."]} +{"id": "A50.44.24", "text": "`` We intend to work just as creatively to negotiate a convention on climate change --- a framework of action for the nations of the world .", "summaries": ["`` We intend to negotiate a convention on climate change ."]} +{"id": "A50.44.25", "text": "We can then fit into the convention binding agreements on subjects like energy efficiency and forestry , as the science and the political will come into balance. ''", "summaries": ["We can fit into the convention binding agreements on energy efficiency and forestry ''"]} +{"id": "A50.44.3", "text": "The Secretary of State paved the way for the greening of all Whitehall departments through a White Paper to be published next year and set a target on the recycling of household waste .", "summaries": ["The Secretary of State paved the greening of Whitehall departments through a White Paper to be published next year and set a target on the recycling of household waste ."]} +{"id": "A50.44.4", "text": "The aim should be to re-cycle half of the 18 million tonnes of domestic rubbish produced in Britain each year within the next 10 years .", "summaries": ["The aim should be to re-cycle half of the 18 million tonnes of domestic rubbish produced each year within the next 10 years ."]} +{"id": "A50.44.5", "text": "`` It 's for government to regulate on behalf of the community , to set the standards and environmental goals , '' Mr Patten said --- a statement that would have jarred on his predecessor , and , until recently , on the party faithful .", "summaries": ["`` It 's for government to regulate on behalf of the community '' Mr Patten said --- a statement that would have jarred on his predecessor ."]} +{"id": "A50.44.6", "text": "`` We must harness market forces and the market place to prevent pollution , to change the sort of conduct that degrades the nation 's resources , and to find the most efficient and effective ways of delivering environmental quality. '' Planning was a form of regulation to enhance quality of life .", "summaries": ["`` We must harness market forces to prevent pollution , to change the conduct that degrades resources '' Planning was a form of regulation to enhance quality of life ."]} +{"id": "A50.44.7", "text": "The environment debate showed conference representatives concerned about unsuitable housing development in the countryside , freeing derelict land in the cities , and litter .", "summaries": ["The environment debate showed representatives concerned about unsuitable housing development in the countryside , derelict land in cities , and litter ."]} +{"id": "A50.44.8", "text": "One young representative , Colin Mason , a computer systems manager from Streatham , who branded environmental controls as `` socialism by the back door '' , was gently advised by the Secretary of State to read the Tory philospher Edmund Burke .", "summaries": ["Colin Mason , who branded environmental controls as `` socialism by the back door '' , was advised by the Secretary of State to read Edmund Burke ."]} +{"id": "A50.44.9", "text": "Mr Mason had criticised Mr Patten 's stand against the proposed new town at Foxley Wood , Hampshire .", "summaries": ["Mr Mason had criticised Mr Patten 's stand against the proposed new town at Foxley Wood , Hampshire ."]} +{"id": "A53.5.0", "text": "Now that President F W de Klerk has announced the release of eight of the nine most prominent political prisoners in South Africa , the question is when --- not if --- the ninth , Nelson Mandela , will be freed .", "summaries": ["Now President de Klerk has announced the release of eight political prisoners in South Africa , the question is when Nelson Mandela will be freed ."]} +{"id": "A53.5.1", "text": "And it is looking increasingly as if the date will be as much Mr Mandela 's own decision as the government 's .", "summaries": ["the date will be as much Mandela 's decision as the government 's ."]} +{"id": "A53.5.10", "text": "The deference the government is showing him points to the recognition , finally , that Mr Mandela is the symbolic leader of the disenfranchised black majority , and that he is , accordingly , a key player .", "summaries": ["The deference points to the recognition that Mandela is the symbolic leader of the black majority ."]} +{"id": "A53.5.11", "text": "By extension , so is the Anc , whose influence successive South African governments have attempted , frantically and quite without success , to wish away .", "summaries": ["so is the Anc , whose influence South African governments have attempted to wish away ."]} +{"id": "A53.5.12", "text": "Mr Mandela , thus , has already begun on his own the negotiating process that Mr de Klerk 's government claims to seek with black leaders .", "summaries": ["Mandela has begun on his own the negotiating process de Klerk 's government claims to seek with black leaders ."]} +{"id": "A53.5.13", "text": "Maybe without fully recognising it , the government has , in fact , started talking to the Anc --- for if there is one thing Mr Mandela has made clear throughout his long incarceration , it is his unwavering allegiance to the movement , whose foremost leader he remains .", "summaries": ["the government has , in fact , started talking to the Anc --- one thing Mandela has made clear is his allegiance to the movement ."]} +{"id": "A53.5.14", "text": "Mr Mandela 's hand was discernible in the Anc negotiating proposal put out in August ; in the successful campaign of mass protest before the 6 September white election ; and in a silent scheme by some of the leaders of the black `` homelands '' to flat-foot Mr de Klerk by publicly declaring that the country cannot be partitioned along racial and tribal lines .", "summaries": ["Mandela 's hand was discernible in the Anc proposal in August ; in the protest before the white election ; in a scheme by some leaders of black `` homelands '' to flat-foot de Klerk by declaring that the country cannot be partitioned along racial and tribal lines ."]} +{"id": "A53.5.15", "text": "The conclusion is irresistible that Mr Mandela is exploiting the government 's growing dependence on him to extend his influence to the many black organisations whose adoptive leader he is. Where there is possibly a meeting of minds between him and the government is in the desire not to release him into a political vacuum .", "summaries": ["Mandela is exploiting the government 's dependence on him to extend his influence to black organisations there is a meeting of minds between him and the government in the desire not to release him into a political vacuum ."]} +{"id": "A53.5.16", "text": "In the eyes of both , it would make sense not to have him roaming the country generating huge gatherings with a politically futile , and possibly violently anarchic , outcome .", "summaries": ["it would make sense not to have him roaming the country generating gatherings with possibly anarchic outcome ."]} +{"id": "A53.5.17", "text": "Mr Mandela needs a ready-made negotiating structure in which he can play the decisive role that his authority requires .", "summaries": ["Mandela needs a negotiating structure in which he can play the decisive role ."]} +{"id": "A53.5.18", "text": "Someone close to Mr Mandela described him yesterday as a chess player five moves ahead of anyone else in the game .", "summaries": ["Someone described him as a chess player five moves ahead of anyone else ."]} +{"id": "A53.5.2", "text": "For the most remarkable thing to have emerged from Mr de Klerk 's decision is the degree to which Mr Mandela and the exiled African National Congress have become participants in government decision-making .", "summaries": ["the most remarkable is the degree to which Mr Mandela and the African National Congress have become participants in government decision-making ."]} +{"id": "A53.5.3", "text": "He has acquired an autonomy and influence staggering even by the standards of a country where anomalies are institutionalised .", "summaries": ["He has acquired an influence staggering even by the standards of a country where anomalies are institutionalised ."]} +{"id": "A53.5.4", "text": "Indications of Mr Mandela 's growing political stature in the eyes of the government have been accumulating for some time .", "summaries": ["Indications of Mandela 's growing political stature have been accumulating for some time ."]} +{"id": "A53.5.5", "text": "One paragraph in Mr de Klerk 's statement on Tuesday announcing the release of Mr Mandela 's old associate Walter Sisulu provided the final piece of the jigsaw .", "summaries": ["de Klerk 's statement announcing the release of Walter Sisulu provided the final piece of the jigsaw ."]} +{"id": "A53.5.6", "text": "`` It is necessary to state , '' Mr de Klerk said , `` that Mr Nelson Mandela is fully appraised of these proposed releases .", "summaries": ["de Klerk said , `` Mr Nelson Mandela is fully appraised of these proposed releases ."]} +{"id": "A53.5.7", "text": "In fact , discussions were held with him and he considered yet again that his release is not now on the agenda. '' Mr de Klerk , so eager to placate Margaret Thatcher and international opinion generally , was saying , between the lines : `` Look , I know you 're asking for Mandela 's release .", "summaries": ["he considered that his release is not now on the agenda. '' Mr de Klerk , was saying between the lines : `` you 're asking for Mandela 's release ."]} +{"id": "A53.5.8", "text": "But what can I do ?", "summaries": ["what can I do ?"]} +{"id": "A53.5.9", "text": "He does n't want to go out yet. '' Even if that is not the whole truth , --- clearly , the government has a crucial say -Mr de Klerk has gone on record as recognising that Mr Mandela has leverage in government decisions .", "summaries": ["He does n't want to go out yet. '' de Klerk has gone on record as recognising Mandela has leverage in government decisions ."]} +{"id": "A59.27.0", "text": "A Policeman was yesterday jailed for seven years for raping an 18-year-old woman in his marked patrol car while he was on duty and in uniform .", "summaries": ["A Policeman was jailed for seven years for raping an 18-year-old woman while on duty ."]} +{"id": "A59.27.1", "text": "Sentencing Constable Peter Anderson , 41 , Mr Justice Jowitt told him he had done `` great damage to the trust in police '' .", "summaries": ["Sentencing Constable Peter Anderson , 41 , Mr Justice Jowitt told him he had done `` great damage to police '' ."]} +{"id": "A59.27.10", "text": "She said she tried to push him off , but he was too forceful .", "summaries": ["she tried to push him off ."]} +{"id": "A59.27.11", "text": "Mr Justice Jowitt told Anderson : `` I accept that you were not on the prowl looking for a victim and that it was by chance that this young lady got into your car .", "summaries": ["Mr Justice Jowitt told Anderson : `` I accept you were not looking for a victim and it was by chance this young lady got into your car ."]} +{"id": "A59.27.12", "text": "I accept that there was no great degree of violence used by you .", "summaries": ["there was no great degree of violence used ."]} +{"id": "A59.27.13", "text": "`` But you took her against her will in your car to the place where this rape happened , and one of the very disturbing and serious features of this case is the way you abused your position as a police officer in uniform on duty. '' The judge added : `` This girl plainly trusted herself in your company , as she was entitled to .", "summaries": ["`` But you took her against her will to where this rape happened , and you abused your position This girl trusted your company ."]} +{"id": "A59.27.14", "text": "The public expect that they can treat the police with confidence .", "summaries": ["The public expect they can treat police with confidence ."]} +{"id": "A59.27.15", "text": "You did great damage to that trust in the police when you behaved in this way. '' Anderson , who had pleaded not guilty and claimed the woman had handed him `` sex on a plate '' , was convicted by a 10-2 majority of raping the woman on 4 April , last year .", "summaries": ["You did great damage to that trust '' Anderson , who had pleaded not guilty , was convicted by a 10-2 majority on 4 April , last year ."]} +{"id": "A59.27.16", "text": "He claimed she had instigated the intercourse by first , and without invitation , performing oral sex on him .", "summaries": ["He claimed she had instigated the intercourse by performing oral sex on him ."]} +{"id": "A59.27.17", "text": "He said he had only offered to use the truncheon as a sex aid but desisted when she shook her head .", "summaries": ["he had offered to use the truncheon as a sex aid but desisted when she shook her head ."]} +{"id": "A59.27.18", "text": "Jean Southworth , Qc , in mitigation , said : `` This was not a case of him taking away the virginity of this young woman .", "summaries": ["Jean Southworth , Qc said : `` This was not a case of taking away the virginity of this woman ."]} +{"id": "A59.27.19", "text": "`` He has lost his pension rights and the personal affection of those dear to him and also , when a police officer goes to prison , he often carries an extra load for his misdoings. ''", "summaries": ["`` He has lost his pension rights and the affection of those dear to him ''"]} +{"id": "A59.27.2", "text": "Anderson , married with two children , attacked the woman in a deserted allotment , after agreeing to give her and a boyfriend a lift home from a discotheque .", "summaries": ["Anderson attacked the woman in a allotment , after agreeing to give her and a boyfriend a lift home from a discotheque ."]} +{"id": "A59.27.3", "text": "He first dropped the man off and then drove to the allotment .", "summaries": ["He dropped the man off and drove to the allotment ."]} +{"id": "A59.27.4", "text": "He threatened her by forcing his truncheon under her chin and then raped her .", "summaries": ["He threatened her and raped her ."]} +{"id": "A59.27.5", "text": "She said he only refrained from inserting his truncheon into her , after she begged him not to .", "summaries": ["he refrained from inserting his truncheon into her , after she begged him not to ."]} +{"id": "A59.27.6", "text": "Afterwards he told her not to report the incident because he could have her `` nicked '' for soliciting .", "summaries": ["he told her he could have her `` nicked '' for soliciting ."]} +{"id": "A59.27.7", "text": "She did not report it because she did not think she would be believed .", "summaries": ["She did not report it ."]} +{"id": "A59.27.8", "text": "Police investigated after an anonymous report .", "summaries": ["Police investigated after an anonymous report ."]} +{"id": "A59.27.9", "text": "The victim , now 20 , said she had drunk nine or 10 Pernods with blackcurrant and was merry , but knew what she was doing and saying .", "summaries": ["The victim had drunk and was merry , but knew what she was doing ."]} +{"id": "A59.30.0", "text": "Kent Police began re-interviewing 1,500 people in Deal yesterday in an unusual move to develop leads on last month 's bombing of the Royal Marines ' barracks in the town .", "summaries": ["Kent Police began re-interviewing 1,500 people in Deal to develop leads on last month 's bombing of the Royal Marines ' barracks ."]} +{"id": "A59.30.1", "text": "Hundreds arrived to be registered at a special inquiry centre in St Saviour 's church , which will be open from 10am to 10pm until tomorrow night .", "summaries": ["Hundreds registered at a inquiry centre , which will be open from 10am to 10pm ."]} +{"id": "A59.30.10", "text": "The officers are also anxious to hear from people who noticed any suspicious strangers seeking rented accommodation in the Deal area during the last 18 months .", "summaries": ["The officers are anxious to hear from people who noticed suspicious strangers seeking rented accommodation during the last 18 months ."]} +{"id": "A59.30.11", "text": "Their latest lead is a white transit van reportedly seen near the barracks in the week before the bombing .", "summaries": ["Their latest lead is a white van seen near the barracks the week before the bombing ."]} +{"id": "A59.30.12", "text": "This could provide a clue as to the bombers ' whereabouts between 16 September and the bombing , which killed 10 bandsmen .", "summaries": ["This could provide a clue as to the bombing , which killed 10 ."]} +{"id": "A59.30.13", "text": "A light brown Mk Ii Cortina is believed to have broken down when used by the Ira unit and a black E registration Nissan Micra was seen near the barracks the night before the bombing .", "summaries": ["A brown Mk Ii Cortina is believed to have broken down when used and a black E registration Nissan Micra was seen near the barracks ."]} +{"id": "A59.30.14", "text": "Among those expected to be re-interviewed are Kathy Brown , 47 , who usually cleans the Campbell Road house , which was let as a holiday home .", "summaries": ["Among those expected to be re-interviewed are Kathy Brown who cleans the Campbell Road house ."]} +{"id": "A59.30.15", "text": "She said yesterday that the three-bedroom property was capable of sleeping five people comfortably .", "summaries": ["She said the property was capable of sleeping five ."]} +{"id": "A59.30.16", "text": "Mrs Brown last cleaned the house at the end of July and was away when the Ira suspects used it. Another resident , Williamine Dyson , 65 , who looked after spare keys for the holiday home , said yesterday she saw a man lingering near the base at the end of August and then walking up Campbell Road .", "summaries": ["Mrs Brown cleaned the house at the end of July and was away when the suspects used it. Williamine Dyson saw a man lingering near the base at the end of August and then walking up Campbell Road ."]} +{"id": "A59.30.17", "text": "She added that she never saw the suspected occupants of the house .", "summaries": ["She added she never saw the suspected occupants ."]} +{"id": "A59.30.2", "text": "A video showing the alleged Ira safe house at 17 Campbell Road , asked people viewing it to try to remember whether they had seen , inadvertedly had drinks with , or queued at shops with members of the Ira unit .", "summaries": ["A video showing the alleged Ira safe house at 17 Campbell Road , asked people to try to remember whether they had seen members of the Ira unit ."]} +{"id": "A59.30.3", "text": "Police believe the unit wandered openly in the Deal area and may have visited local pubs .", "summaries": ["Police believe the unit wandered in the area ."]} +{"id": "A59.30.4", "text": "Drawings of three suspects , two men and a woman , are posted in the church .", "summaries": ["Drawings of three suspects , two men and a woman , are posted ."]} +{"id": "A59.30.5", "text": "Lists of questions ask about possible suspicious sightings of people and vehicles around the barracks and taxi rides to and from the area to pubs or Dover docks .", "summaries": ["Lists of questions ask about suspicious sightings around the barracks and taxi rides to pubs or Dover docks ."]} +{"id": "A59.30.6", "text": "Det Chief Insp Nick Biddiss said : `` People may still know things they have forgotten to mention and we hope this exercise will jog their memories. '' Officers sat in booths in a side chapel for people wanting to give confidential interviews .", "summaries": ["Det Chief Insp Nick Biddiss said : `` People may know things and we hope this will jog their memories. '' Officers sat in booths for confidential interviews ."]} +{"id": "A59.30.7", "text": "Police hope to identify men seen several times in the Campbell Road area in the six days between 16 September , when the Ira unit apparently left the safe house , and the bombing .", "summaries": ["Police hope to identify men seen in Campbell Road between 16 September and the bombing ."]} +{"id": "A59.30.8", "text": "The officers know that time is against them as new descriptions from members of the public may be distorted by sight of the published artist 's impressions .", "summaries": ["officers know descriptions from the public may be distorted by the published artist 's impressions ."]} +{"id": "A59.30.9", "text": "They are interested in at least a dozen taxi journeys reported between Dover and the Campbell Road area in the month before the bombing .", "summaries": ["They are interested in a dozen taxi journeys between Dover and Campbell Road in the month before the bombing ."]} +{"id": "A7V.12.0", "text": "The Communists of Poland and Hungary are refusing to lie down and die .", "summaries": ["The Communists of Poland and Hungary are refusing to lie down and die ."]} +{"id": "A7V.12.1", "text": "Having been rejected after holding sway for so long , they are now seeking new ways of making friends and influencing people .", "summaries": ["they are seeking new ways of influencing people ."]} +{"id": "A7V.12.10", "text": "It has been confirmed this week that political parties will no longer get financial subsidies , and the party urgently needs new sources of money .", "summaries": ["political parties will no longer get financial subsidies , and the party needs money ."]} +{"id": "A7V.12.11", "text": "Its newspaper , Trybuna Ludu , lost 1.7billion zloties ( \u00a3382,500 ) last year ; this year it is expected to lose nearly five times as much .", "summaries": ["Its newspaper , Trybuna Ludu , lost 1.7billion zloties last year ; this year it is expected to lose five times as much ."]} +{"id": "A7V.12.12", "text": "In Hungary , Mr Karoly Grosz , general secretary until last month of the now defunct Hungarian Socialist Workers ' Party ( Hswp ) , wants to reorganise the party and start a new Communist newspaper .", "summaries": ["In Hungary , Karoly Grosz , general secretary of the defunct Hungarian Socialist Workers ' Party , wants to reorganise the party and start a new newspaper ."]} +{"id": "A7V.12.13", "text": "Mr Grosz , seen by many Hungarians as a discredited hardliner , added that there was a need to propagate Communist ideas in Hungary .", "summaries": ["Grosz , seen as a discredited hardliner , added that there was a need to propagate Communist ideas ."]} +{"id": "A7V.12.14", "text": "He seems to be cashing in on the goodwill of those who regret the party 's `` new start '' last month when it renamed itself the Hungarian Socialist Party ( Hsp ) .", "summaries": ["He seems to be cashing in on the goodwill of those who regret the party 's `` new start '' last month when it renamed itself the Hungarian Socialist Party ."]} +{"id": "A7V.12.15", "text": "One objective of Mr Grosz is to see that the Hswp holds its party congress , as in `` normal '' times , early next year .", "summaries": ["One objective of Mr Grosz is to see that the Hswp holds its party congress normal ."]} +{"id": "A7V.12.16", "text": "The Hsp leadership says , however , that since there is no Hswp , there can be no Hswp congress .", "summaries": ["The Hsp leadership says that since there is no Hswp , there can be no congress ."]} +{"id": "A7V.12.2", "text": "The leadership of the Polish Communist Party has this week approved changes committing it to altering its name and participating in free elections within a multi-party system .", "summaries": ["the Polish Communist Party has approved changes altering its name and participating in free elections ."]} +{"id": "A7V.12.3", "text": "It was not plain sailing and orthodox and `` liberal '' Communists will be at each others ' throats --- at local level --- until they hold a full congress next January to determine new policies once and for all and to approve new leaders .", "summaries": ["orthodox and `` liberal '' Communists will be at each others ' throats until they determine new policies and approve new leaders ."]} +{"id": "A7V.12.4", "text": "Some party members are already disssatisfied with Mr Mieczyslaw Rakowski , who became leader only in August , for the way he went immediately to Moscow when the party was in trouble rather than work out a Polish solution .", "summaries": ["Some are disssatisfied with Mieczyslaw Rakowski for the way he went to Moscow when the party was in trouble ."]} +{"id": "A7V.12.5", "text": "According to these members , Mr Aleksandar Kwiasnewski , a `` liberal '' who is much younger than Mr Rakowski and had a rapid rise in the last phase of the Communist government , could replace him .", "summaries": ["According to these members , Aleksandar Kwiasnewski , a `` liberal '' , could replace him ."]} +{"id": "A7V.12.6", "text": "The new party name is also a subject of debate .", "summaries": ["The new party name is a subject of debate ."]} +{"id": "A7V.12.7", "text": "At least 70 alternatives have been submitted , with that of Polish Socialist Labour Party the front-runner .", "summaries": ["70 alternatives have been submitted , with Polish Socialist Labour Party the front-runner ."]} +{"id": "A7V.12.8", "text": "The new party would drop the old insistence on the dictatorship of the proletariat .", "summaries": ["The party would drop the insistence on the dictatorship of the proletariat ."]} +{"id": "A7V.12.9", "text": "Whatever the changes , the new party could have a difficult birth .", "summaries": ["the new party could have a difficult birth ."]} +{"id": "A7V.3.0", "text": "West German economists are optimistic about the country 's ability to absorb the hundreds of thousands of refugees from Eastern Europe this year .", "summaries": ["West German economists are optimistic about the ability to absorb hundreds of thousands of refugees from Eastern Europe ."]} +{"id": "A7V.3.1", "text": "They say the refugees will enhance productivity and economic growth .", "summaries": ["the refugees will enhance productivity and growth ."]} +{"id": "A7V.3.10", "text": "`` The opportunities remain good , but miracles can not be expected overnight , '' he said .", "summaries": ["`` but miracles can not be expected overnight , '' he said ."]} +{"id": "A7V.3.11", "text": "The influx coincides with a boom in the building sector , which has been spurred further by the need for housing for the refugees themselves .", "summaries": ["The influx coincides with a boom in the building sector , spurred by the need for housing for the refugees ."]} +{"id": "A7V.3.12", "text": "Yesterday , the Bonn government announced a DM8billion ( \u00a32.7billion ) package for housing construction for East German refugees , whose number has reached 190,000 .", "summaries": ["the government announced DM8billion for housing for East German refugees , whose number has reached 190,000 ."]} +{"id": "A7V.3.13", "text": "The number of ethnic Germans who have arrived so far this year is put at 260,000 .", "summaries": ["The of ethnic Germans this year is at 260,000 ."]} +{"id": "A7V.3.14", "text": "With accommodation increasingly hard to find , school gymnasiums , boats , converted cargo containers and some air shelters are now being used to house the refugees .", "summaries": ["school gymnasiums , boats , cargo containers and air shelters are being used to house refugees ."]} +{"id": "A7V.3.15", "text": "Sociologists agree that `` economic integration '' of the refugees poses a minor problem compared with the `` social aspect '' .", "summaries": ["Sociologists agree that `` economic integration '' poses a minor problem compared with the social ."]} +{"id": "A7V.3.16", "text": "The high motivation , skills and adaptability of the new arrivals create social tensions that will be expressed in economic jealousy .", "summaries": ["The motivation , skills and adaptability of the new arrivals create social tensions ."]} +{"id": "A7V.3.17", "text": "Recent warnings from politicians of all parties that the influx cannot continue indefinitely are therefore seen as being based primarily on fears that the established parties stand to lose votes to the extreme right , notably the Republican Party .", "summaries": ["Recent warnings from politicians are seen as being based on fears that the established parties stand to lose votes to the extreme right , the Republican Party ."]} +{"id": "A7V.3.18", "text": "The trade unions fear that wage demands may have to be lowered because of the refugees ' greater flexibility and readiness to work for less money .", "summaries": ["trade unions fear that wage demands may have to be lowered because of the refugees ' readiness to work for less ."]} +{"id": "A7V.3.19", "text": "A key factor behind the superficial perception that the new arrivals are `` taking jobs '' from West Germany 's 1.8million unemployed is that West German workers are less mobile and flexible .", "summaries": ["A key factor behind the perception that new arrivals are `` taking jobs '' is that West German workers are less flexible ."]} +{"id": "A7V.3.2", "text": "This optimism , however , is not shared by many politicians and trade union leaders .", "summaries": ["This optimism is not shared by many politicians and union leaders ."]} +{"id": "A7V.3.20", "text": "`` The problem here is that in West Germany we have an increasingly split labour market , '' Mr Brauninger explained .", "summaries": ["`` in West Germany we have an split labour market , '' Brauninger explained ."]} +{"id": "A7V.3.21", "text": "Despite high unemployment in some areas there were large openings in sectors such as the electronics and engineering industries in the south .", "summaries": ["Despite unemployment in some areas there were large openings in the electronics and engineering industries in the south ."]} +{"id": "A7V.3.22", "text": "The gap was being filled by the arrivals .", "summaries": ["The gap was being filled by the arrivals ."]} +{"id": "A7V.3.23", "text": "Nonetheless , short-term unemployment among the refugees is likely to remain high .", "summaries": ["short-term unemployment among the refugees is likely to remain high ."]} +{"id": "A7V.3.24", "text": "At present , about a third of the arrivals are unemployed .", "summaries": ["about a third of the arrivals are unemployed ."]} +{"id": "A7V.3.25", "text": "Leader comment , page 22", "summaries": ["Leader comment , page 22"]} +{"id": "A7V.3.3", "text": "An estimated 600,000 German immigrants --- ethnic Germans from Poland and the Soviet Union , and East Germans --- are expected to settle in West Germany this year , making a 1 per cent growth in the country 's population .", "summaries": ["600,000 ethnic Germans from Poland and the Soviet Union , and East Germans are expected this year ."]} +{"id": "A7V.3.4", "text": "According to Mr Dieter Brauninger , an economist at Deutsche Bank in Frankfurt , the newcomers could not have arrived at a better time : a period of dynamic growth , when gaps created by the fall in the birth rate in the past two decades need to be filled .", "summaries": ["According to Dieter Brauninger at Deutsche Bank , the newcomers have arrived when gaps created by the fall in the birth rate need to be filled ."]} +{"id": "A7V.3.5", "text": "`` In the medium and longer term , we are optimistic that both productivity and consumption will rise , which in turn will have a beneficial effect on investment , '' said Mr Brauninger .", "summaries": ["`` we are optimistic that productivity and consumption will rise , which will have a beneficial effect on investment , '' said Mr Brauninger ."]} +{"id": "A7V.3.6", "text": "Economists believe that the boost to the labour force may be worth an additional 1 per cent a year in the early 1990s .", "summaries": ["the boost to the labour force may be worth an additional 1 per cent a year in the early 1990s ."]} +{"id": "A7V.3.7", "text": "Such optimistic forecasts are described as `` dangerous '' by the Federal Labour Office .", "summaries": ["Such forecasts are described as `` dangerous '' by the Federal Labour Office ."]} +{"id": "A7V.3.8", "text": "It says economists are ignoring the difficulties of integration , especially of ethnic Germans with large families and language problems .", "summaries": ["economists are ignoring the difficulties of integration of ethnic Germans with large families and language problems ."]} +{"id": "A7V.3.9", "text": "However , the president of the labour office , Mr Egon Franke , said this week that unemployment among refugees --- which has risen sharply in October --- was still only a temporary phenomenon .", "summaries": ["the president of the labour office , Egon Franke , said unemployment among refugees was only a temporary phenomenon ."]} +{"id": "A7V.9.0", "text": "Thousands of Namibians stood in long queues , stretching nearly a mile in some cases , as they waited to vote on the first day of Namibia 's five-day pre-independence election yesterday .", "summaries": ["Thousands stood in queues stretching nearly a mile in some cases , as they waited to vote on the first of Namibia 's five-day election ."]} +{"id": "A7V.9.1", "text": "The length of the queues in Windhoek and Katutura , two of the most densely populated urban areas in Namibia , triggered conjecture that the poll might have to be extended an extra day .", "summaries": ["The length of the queues in the most populated areas in Namibia , triggered conjecture that the poll might be extended ."]} +{"id": "A7V.9.10", "text": "Untag has 2,800 officials --- including 1,100 policemen --- scattered throughout Namibia to keep an eye on proceedings at 358 polling booths .", "summaries": ["Untag has 2,800 officials --- including policemen --- throughout Namibia to keep an eye on polling ."]} +{"id": "A7V.9.11", "text": "The symbol of each of the 10 contesting parties is printed on ballot papers for the illiterate voters who account for 60 per cent of the electorate .", "summaries": ["The symbol of each of the 10 parties is printed on ballot papers for the illiterate who account for 60 per cent of the electorate ."]} +{"id": "A7V.9.12", "text": "One problem relates to a tactical blunder by Swapo .", "summaries": ["One problem relates to a blunder by Swapo ."]} +{"id": "A7V.9.13", "text": "It allowed a splinter party , Swapo-Democrats , to appropriate and register the symbol which Swapo used for nearly 30 years , a hand holding a flaming torch .", "summaries": ["It allowed a party , Swapo-Democrats , to appropriate the symbol Swapo used for 30 years , a hand holding a flaming torch ."]} +{"id": "A7V.9.14", "text": "Swapo went into the election with a symbol which was only weeks old : a man with a raised fist .", "summaries": ["Swapo went into the election with a symbol which was weeks old : a man with a raised fist ."]} +{"id": "A7V.9.15", "text": "The dangers of confusion for illiterate voters is compounded by two factors .", "summaries": ["confusion for illiterate voters is compounded by two factors ."]} +{"id": "A7V.9.16", "text": "Firstly , the Swapo-Democrat emblem is placed just above the Swapo emblem on the ballot paper , meaning that it will be seen first .", "summaries": ["the Swapo-Democrat emblem is placed above the Swapo emblem on the ballot , meaning that it will be seen first ."]} +{"id": "A7V.9.17", "text": "Secondly , the raised fist in the new Swapo emblem is inconspicuous in the reduced size needed to squeeze Swapo 's new symbol into the box on the ballot paper .", "summaries": ["the raised fist in the new emblem is inconspicuous in the reduced size needed to squeeze Swapo 's symbol into the ballot ."]} +{"id": "A7V.9.18", "text": "For all that , observers are unanimous that Swapo will emerge with a clear majority .", "summaries": ["observers are unanimous that Swapo will emerge with a majority ."]} +{"id": "A7V.9.19", "text": "Its virtual monopoly on the allegiance of the Ovambo , who account for more than half Namibia 's population of 1.3 million , all but guarantees Swapo more than half the voters .", "summaries": ["Its monopoly on the Ovambo , who account for half Namibia 's population , guarantees Swapo more than half the voters ."]} +{"id": "A7V.9.2", "text": "Namibia 's more than 700,000 residents are voting for a 72-member constituent assembly to draw up an independence constitution and prepare the way for full independence next year , perhaps as early as April .", "summaries": ["Namibia 's 700,000 residents are voting for a constituent assembly to draw up an independence constitution and prepare for full independence next April ."]} +{"id": "A7V.9.20", "text": "That was conceded in an interview yesterday by Dr Kenneth Abrahams , a member of the National Front and a former Swapo man who was thrown into jail by Mr Nujoma .", "summaries": ["That was in an interview by Dr Kenneth Abrahams , a member of the National Front and a Swapo man who was thrown into jail by Mr Nujoma ."]} +{"id": "A7V.9.21", "text": "Even if Swapo fails to get the two-thirds of the vote it needs to write its own constitution , it will have little difficulty in persuading one or another of the smaller parties to work with it. It would thus still have a two-thirds majority in the constituent assembly .", "summaries": ["if Swapo fails to get the vote it needs to write its constitution , it will have little difficulty persuading the smaller parties to work with it. It would have a majority in the assembly ."]} +{"id": "A7V.9.3", "text": "Voters left two dominant impressions as they queued in the hot sun --- their determination to cast their ballots in the first free election since Germany began the European conquest of Namibia more than a century ago , and their orderly , disciplined behaviour in the searing heat .", "summaries": ["Voters left two impressions --- their determination to cast their ballots in the first free election since the conquest of Namibia , and their disciplined behaviour in the heat ."]} +{"id": "A7V.9.4", "text": "One of the first Namibians to cast his vote was the Swapo leader , Mr Sam Nujoma , aged 60 .", "summaries": ["One of the first Namibians to vote was the Swapo leader , Mr Sam Nujoma ."]} +{"id": "A7V.9.5", "text": "As he entered a polling booth in Katutura , a black township outside Windhoek , he said : `` Today , we are finally burying apartheid colonialism. '' Mr Nujoma , wearing a pin-striped shirt and double-breasted jacket , was accompanied by Mr Andimba Toivo ja Toivo , Swapo 's secretary-general .", "summaries": ["in Katutura , a black township outside Windhoek , he said : `` we are burying apartheid '' Mr Nujoma was accompanied by Mr Andimba Toivo ja Toivo , Swapo 's secretary-general ."]} +{"id": "A7V.9.6", "text": "Asked for his thoughts on armed struggle now that he was voting , Mr Nujoma said : `` The colonialists imposed the war on us. When we used the barrel of the gun , it was to facilitate the end which was the ballot box. '' Earlier , the director of the United Nations Transitional Assistance Group ( Untag ) , Irish-born Mr Cedric Thornberry , described the election as freer than any poll that has been held in West Belfast .", "summaries": ["Mr Nujoma said : `` we used the gun , to facilitate the end which was the ballot box. '' Earlier , the director of the United Nations Transitional Assistance Group ( Untag ) , Irish-born Mr Cedric Thornberry , described the election as freer than any poll held in West Belfast ."]} +{"id": "A7V.9.7", "text": "Mr Thornberry , who comes from Belfast , expressed two anxieties about the election : first , whether the technical arrangements made for the election would proceed smoothly ; second , whether the use of symbols on ballot papers to enable illiterate voters to identify the party of their choice would work satisfactorily .", "summaries": ["Mr Thornberry expressed anxieties about the election : whether the election would proceed smoothly ; whether illiterate voters identify the party of their choice ."]} +{"id": "A7V.9.8", "text": "On the first issue , he said : `` We --- and the South Africans --- are stretched alarmingly ... stretched very thin. '' If something did go wrong , if tempers flared and violence broke out , they could be hard put to control it. '' The election is being administered by the South African-appointed Administrator-General .", "summaries": ["he said : `` the South Africans are stretched thin. '' if violence broke out , they could be hard put to control it. '' The election is being administered by the South African-appointed Administrator-General ."]} +{"id": "A7V.9.9", "text": "It is , however , being scrutinised by Un officials .", "summaries": ["It is being scrutinised by Un officials ."]} +{"id": "A7W.22.0", "text": "Martin Linton .", "summaries": ["Martin Linton ."]} +{"id": "A7W.22.1", "text": "The Lawson affair rumbled on in the Commons yesterday with the Labour leader , Mr Neil Kinnock , asking the Prime Minister why she did not `` tell the truth '' when she was asked why the former Chancellor of the Exchequer resigned by television interviewer Brian Walden .", "summaries": ["The Lawson affair rumbled on with the Labour leader , Neil Kinnock , asking the Prime Minister why she did not `` tell the truth '' when she was asked why the former Chancellor resigned ."]} +{"id": "A7W.22.10", "text": "`` In the event of such a development does she think her position would be unassailable ? '' he asked --- echoing the Prime Minister 's earlier comment that Mr Lawson 's position was `` unassailable '' .", "summaries": ["`` does she think her position would be unassailable ? ''"]} +{"id": "A7W.22.11", "text": "But Mrs Thatcher retorted : `` A party that ca n't even decide its name is hardly in a position to criticise anyone. '' The Prime Minister has again denied that there had been any direct British assistance to the Khmer Rouge in Cambodia .", "summaries": ["Mrs Thatcher retorted : `` A party that ca n't decide its name is hardly in a position to criticise '' The Prime Minister has denied there had been any British assistance to the Khmer Rouge ."]} +{"id": "A7W.22.12", "text": "In a letter to Mr Kinnock released last night , she said : `` You ask about support for the Khmer Rouge .", "summaries": ["In a letter to Mr Kinnock she said : `` You ask about support for the Khmer Rouge ."]} +{"id": "A7W.22.13", "text": "The Government 's repugnance for that organisation and everything it stands for has been made absolutely clear on repeated occasions .", "summaries": ["The Government 's repugnance for that organisation has been made clear ."]} +{"id": "A7W.22.14", "text": "No form of British assistance , military or otherwise , has been , or will be , given to the Khmer Rouge. '' But she did not reply directly to Labour 's allegations that the Government had provided aid to others who were supporting the Pol Pot forces .", "summaries": ["No assistance has been , or will be , given to the Khmer Rouge. '' she did not reply to allegations that the Government had provided aid to others supporting Pol Pot ."]} +{"id": "A7W.22.2", "text": "The answer she gave was not that she did n't know Mr Lawson 's stated reason for resigning , but that she found it incomprehensible .", "summaries": ["The answer she gave was that she found it incomprehensible ."]} +{"id": "A7W.22.3", "text": "`` If he had wanted to resign on a point of policy , I could have understood that .", "summaries": ["`` resign on a point of policy I could have understood ."]} +{"id": "A7W.22.4", "text": "Policy is a matter for ministers , '' she said at question time .", "summaries": ["Policy is a matter for ministers , '' she said ."]} +{"id": "A7W.22.5", "text": "`` But I find it totally incomprehensible if someone has held the office of Chancellor with high standing for six years to want to resign over a personality --- with such suddenness and haste. '' The clash came as Mr Kinnock exploited the apparent contradiction between Mrs Thatcher 's claim that she did not know why Mr Lawson resigned and the former Chancellor 's assertion in last Sunday 's Walden interview that he had made it quite clear to the Prime Minister that Sir Alan Walter 's continued presence as her economic adviser was the only issue .", "summaries": ["`` I find it incomprehensible to resign over a personality '' Mr Kinnock exploited the contradiction between Mrs Thatcher 's claim and the former Chancellor 's assertion that Sir Alan Walter 's presence as economic adviser was the only issue ."]} +{"id": "A7W.22.6", "text": "Mr Kinnock said : `` You appear to be the only person left in the country who does not understand why the Chancellor resigned .", "summaries": ["Mr Kinnock said : `` You appear to be the only person who does not understand why the Chancellor resigned ."]} +{"id": "A7W.22.7", "text": "`` Is n't the truth that the Chancellor said to you `` either the adviser goes by the end of the year or I go now '' ?", "summaries": ["`` the Chancellor said to you `` either the adviser goes or I go ''"]} +{"id": "A7W.22.8", "text": "Why ca n't you admit to that truth ? '' Mrs Thatcher replied : `` Policy is a matter for ministers --- advice is not. '' She added , referring to the two meetings she held with Mr Lawson on the afternoon before he resigned : `` I tried to persuade the Chancellor not to go .", "summaries": ["Why ca n't you admit to that truth ? '' Mrs Thatcher replied : `` Policy is a matter for ministers --- advice is not. '' I tried to persuade the Chancellor not to go ."]} +{"id": "A7W.22.9", "text": "It was quite clear he was determined to go and go that day. '' Mrs Thatcher later parried more questions when the Liberal Democrat Mr Charles Kennedy ( Ross , Cromarty and Skye ) asked her whether she felt her `` diminishing credibility '' would be salvaged if she followed the advice of the former chairman of the Tory backbench 1922 Committee , Sir Edward du Cann , that a leadership challenge would clear the air .", "summaries": ["he was determined to go that day. '' Mrs Thatcher parried more questions when the Liberal Democrat Mr Charles Kennedy asked her whether she felt her credibility would be salvaged if she followed the advice of the Tory Sir Edward du Cann , that a leadership challenge would clear the air ."]} +{"id": "A7W.24.0", "text": "Britain was yesterday accused of undermining international efforts to combat the greenhouse effect , as Mrs Thatcher flew to New York to declare to the United Nations her concern about the environment and reveal a number of British initiatives .", "summaries": ["Britain was accused of undermining efforts to combat the greenhouse effect , as Mrs Thatcher flew to New York to declare to the United Nations her concern about the environment and reveal British initiatives ."]} +{"id": "A7W.24.1", "text": "Mrs Thatcher will today announce that she is to double the British contribution of \u00a33 million to the Un Environment Project in Nairobi and give new money to tropical rain forest schemes .", "summaries": ["Mrs Thatcher is to double the British contribution of \u00a33 million to the Un Environment Project and give money to tropical rain forest schemes ."]} +{"id": "A7W.24.10", "text": "Britain is all talk and no action .", "summaries": ["Britain is all talk ."]} +{"id": "A7W.24.11", "text": "It is an internationally co-ordinated public relations exercise with no solid content in it. '' Mrs Thatcher will today emphasise the central role of the Un in global environmental issues .", "summaries": ["It is an public relations exercise '' Mrs Thatcher will emphasise the central role of the Un in environmental issues ."]} +{"id": "A7W.24.12", "text": "She will attack the Hague declaration , a French initiative signed on March 12 , this year , where 24 heads of state proposed a Un agency empowered to impose sanctions on governments that did not reduce emissions of greenhouse gases .", "summaries": ["She will attack the Hague declaration , signed on March 12 , where 24 heads of state proposed a Un agency empowered to impose sanctions on governments that did not reduce emissions ."]} +{"id": "A7W.24.13", "text": "Britain and the Us ignored the conference .", "summaries": ["Britain and the Us ignored the conference ."]} +{"id": "A7W.24.14", "text": "Mrs Thatcher argues that sanctions are not the right course and only consensus will work .", "summaries": ["Mrs Thatcher argues that only consensus will work ."]} +{"id": "A7W.24.15", "text": "This week , at the International Timber Trade Organisation 's conference in Japan , Britain was supported by green groups when it suggested a labelling scheme for tropical hardwood so consumers could choose products manufactured from sustainable timber reserves .", "summaries": ["at the International Timber Trade Organisation 's conference , Britain was supported by green groups when it suggested a labelling scheme for tropical hardwood so consumers could choose products from sustainable reserves ."]} +{"id": "A7W.24.16", "text": "But the initiative was rejected by the countries where tropical forests are being indiscriminately felled for quick cash profits .", "summaries": ["the initiative was rejected by countries where tropical forests are being felled for quick cash ."]} +{"id": "A7W.24.17", "text": "Mrs Thatcher has now rejected the Itto as the international forum to save the tropical forests , instead throwing her support behind the Un 's Tropical Forest Action Plan being run from Rome .", "summaries": ["Mrs Thatcher has rejected the Itto , throwing her support behind the Un 's Tropical Forest Action Plan ."]} +{"id": "A7W.24.18", "text": "This project gives advice to Third World countries on how to manage their farming , forestry and agricultural needs .", "summaries": ["This project gives advice to countries on how to manage their farming , forestry and agricultural needs ."]} +{"id": "A7W.24.19", "text": "Mrs Thatcher has been convinced by her Environment Secretary , Mr Chris Patten , from his days at overseas development that there is an important role for Britain to play in helping countries like Brazil to manage its forests correctly .", "summaries": ["Mrs Thatcher has been convinced that there is an important role for Britain in helping countries like Brazil to manage its forests ."]} +{"id": "A7W.24.2", "text": "She is expected to place great emphasis on Britain 's contribution to controlling the hole in the ozone layer and global warming .", "summaries": ["She is expected to place emphasis on Britain 's contribution to controlling the ozone layer and global warming ."]} +{"id": "A7W.24.3", "text": "But at a 72-nation conference in the Netherlands yesterday , Britain , the United States , Japan and the Soviet Union , which between them emit 50 per cent of the world 's carbon dioxide , blocked a proposed freeze on emissions of the gas by the year 2000 and a 20 per cent reduction by 2005 .", "summaries": ["Britain , the United States , Japan and the Soviet Union , which emit 50 per cent of the world 's carbon dioxide , blocked a proposed freeze on emissions by 2000 and a 20 per cent reduction by 2005 ."]} +{"id": "A7W.24.4", "text": "Instead , Mr David Trippier , the environment minister , insisted the target dates should be dropped as unrealistic and the words `` as soon as possible '' substituted .", "summaries": [", Mr David Trippier , the environment minister , insisted the words `` as soon as possible '' substituted ."]} +{"id": "A7W.24.5", "text": "He said a number of large economies found it difficult to commit themselves to targets which had not been properly explored and before the International Panel on Climate Change reports scientific evidence next year .", "summaries": ["He said large economies found difficult targets which had not been properly explored and before the International Panel on Climate Change reports next year ."]} +{"id": "A7W.24.6", "text": "This panel , with three committees chaired by Britain , the Us and Soviet Union , is examining the evidence for the Un before recommending how to reduce gas emissions .", "summaries": ["This panel is examining the evidence before recommending how to reduce emissions ."]} +{"id": "A7W.24.7", "text": "Environmental groups believe that because the big industrial nations control these committees and are anxious to avoid curbs on industry and car use , they are using this scientific research as an excuse for taking no action .", "summaries": ["Environmental groups believe that because the big industrial nations control these committees , they are using scientific research as an excuse ."]} +{"id": "A7W.24.8", "text": "Mr Steve Elsworth , Greenpeace air pollution campaigner , said : `` Britain 's contribution at the Dutch conference was to undermine efforts to set any date or make any real targets to deal with global warming .", "summaries": ["Steve Elsworth , Greenpeace campaigner , said : `` Britain 's contribution was to undermine efforts to make any real targets ."]} +{"id": "A7W.24.9", "text": "Mr Trippier then claims the conference as a success , which clearly it is not .", "summaries": ["Mr Trippier claims the conference as a success , which it is not ."]} +{"id": "A7W.30.0", "text": "British Rail has called on four rail unions to agree plans to limit excessive overtime worked by signals and telecommunications engineers as part of a radical review of pay and working conditions following the disaster .", "summaries": ["British Rail has called on unions to to limit overtime worked by signals and telecommunications engineers following the disaster ."]} +{"id": "A7W.30.1", "text": "The unions were invited to urgent talks in a letter yesterday .", "summaries": ["The unions were invited to talks ."]} +{"id": "A7W.30.10", "text": "He went on : `` Br have not talked to us about limiting overtime , but it says a lot about the industry when limiting shifts to 12 hours a day is considered progress. '' The consequence of the reduction had been to put resignalling work around Waterloo --- which led to the Clapham disaster --- two months behind schedule .", "summaries": ["`` it says a lot about the industry when limiting shifts to 12 hours a day is progress. '' The reduction put resignalling work around Waterloo --- which led to the disaster --- two months behind schedule ."]} +{"id": "A7W.30.11", "text": "Br said it had taken steps to control overtime and to ensure engineers were taking breaks in the hard pressed Southern Region , where skills shortages are most acute .", "summaries": ["Br said it had taken steps to control overtime and ensure engineers were taking breaks in the Southern Region , where shortages are acute ."]} +{"id": "A7W.30.12", "text": "On pay the Clapham report said it was `` abundantly clear '' that pay levels had failed to provide Br with the `` overall size , structure and quality of workforce '' it needed .", "summaries": ["the Clapham report said it was `` clear '' that pay levels had failed to provide Br with the `` size , structure and quality of workforce '' it needed ."]} +{"id": "A7W.30.13", "text": "`` Constraints on recruiting are constraints on safety and have to be removed. '' The report also criticises the rail unions for `` entrenched resistance to change '' .", "summaries": ["`` Constraints have to be removed. '' The report criticises the unions for `` resistance to change '' ."]} +{"id": "A7W.30.14", "text": "Evidence , particularly Mr Knapp 's , proved `` how deep was the mistrust and suspicion employer had for union and union had for employer '' .", "summaries": ["Evidence proved `` how deep was the mistrust employer had for union and union had for employer '' ."]} +{"id": "A7W.30.15", "text": "The Br chairman Sir Robert Reid told a press conference in London yesterday : `` I accept all the inquiry 's recommendations here and now .", "summaries": ["The Br chairman Sir Robert Reid told a press conference : `` I accept all the inquiry 's recommendations ."]} +{"id": "A7W.30.16", "text": "We have taken steps to ensure that the circumstances that led to this tragedy can never be repeated. '' British Rail is investigating the role of temporary hand-signalling in a head-on crash between two trains at Huddersfield which injured 17 people on Monday night .", "summaries": ["the circumstances that led to this tragedy can never be repeated. '' British Rail is investigating the role of hand-signalling in a crash between trains at Huddersfield which injured 17 people ."]} +{"id": "A7W.30.17", "text": "No one was badly hurt in the accident between a trans-Pennine service and a local commuter train on track where modernised signalling is being installed .", "summaries": ["No one was badly hurt in the accident on track where modernised signalling is being installed ."]} +{"id": "A7W.30.2", "text": "Mr Nick Mitchell , the head of personnel for the signals and telecommunications section , said the board had come to certain conclusions about pay and conditions for its 7,000 S&T engineers after a review of manpower and reward systems .", "summaries": ["Mr Nick Mitchell , head of personnel for signals and telecommunications , said the board had come to conclusions about pay and conditions for its 7,000 engineers after a review ."]} +{"id": "A7W.30.3", "text": "`` The point has now been reached where we need to finalise this work. '' A crippling recruitment and retention crisis has seen Br lose vital engineering staff to better paid jobs for example in British Telecom and Mercury , where senior technicians ' rates are up to \u00a360 a week more .", "summaries": ["`` we need to finalise this work. '' A recruitment and retention crisis has seen Br lose vital engineering staff to jobs where senior technicians ' rates are \u00a360 a week more ."]} +{"id": "A7W.30.4", "text": "Br has had to rely on staff working excessive overtime to carry out maintenance and repair work .", "summaries": ["Br has to rely on excessive overtime to carry out maintenance and repair work ."]} +{"id": "A7W.30.5", "text": "Pay rates , overtime --- central issues in this summer 's pay dispute --- and repeated restructuring of the S&T division , are attacked in Sir Anthony Hidden 's report .", "summaries": ["Pay rates , overtime and repeated restructuring of the S&T division , are attacked in Sir Anthony Hidden 's report ."]} +{"id": "A7W.30.6", "text": "Br accepts that measures imposed in mid-1988 to ease staff retention problems have failed .", "summaries": ["Br accepts that measures to ease staff retention failed ."]} +{"id": "A7W.30.7", "text": "Grading was simplified then and S&T staff were offered an extra \u00a31,200 a year in skills allowances subject to satisfactory attendance and working , but skills shortages continue .", "summaries": ["Grading was simplified and S&T staff were offered an extra \u00a31,200 a year in skills allowances , but shortages continue ."]} +{"id": "A7W.30.8", "text": "Mr Jimmy Knapp , general secretary of the National Union of Railwaymen , said yesterday that Br had since moved to stem excessive overtime by ordering a maximum working week of 72 hours .", "summaries": ["Mr Jimmy Knapp said Br had moved to a maximum working week of 72 hours ."]} +{"id": "A7W.30.9", "text": "The basic week is 39 hours .", "summaries": ["The week is 39 hours ."]} +{"id": "A7W.54.0", "text": "Detailed evidence has been uncovered showing how Britain played a leading role in preventing hundreds of Italian war criminals standing trial in Yugoslavia , Greece , and Ethiopia at the end of the second world war .", "summaries": ["evidence has uncovered how Britain played a leading role in preventing Italian war criminals standing trial in Yugoslavia , Greece , and Ethiopia at the end of the second world war ."]} +{"id": "A7W.54.1", "text": "Some 1,200 Italians --- most of whom committed atrocities in Yugoslavia --- were listed by the United Nations War Crimes Commission , but none was handed over .", "summaries": ["1,200 Italians were listed by the War Crimes Commission , but none was handed over ."]} +{"id": "A7W.54.10", "text": "Churchill , in particular , was concerned not to weaken the Italian Government and strengthen the hand of Communists who had dominated the wartime resistance movement .", "summaries": ["Churchill was concerned not to strengthen the Communists who had dominated the resistance ."]} +{"id": "A7W.54.11", "text": "`` The longer we can procrastinate , the better for all concerned , '' wrote an Fo official in 1946 .", "summaries": ["`` The longer we procrastinate , the better , '' wrote an official in 1946 ."]} +{"id": "A7W.54.12", "text": "In 1947 Britain and the Us said the matter should be left to the Italian courts .", "summaries": ["In 1947 Britain and the Us said the matter should be left to the Italian courts ."]} +{"id": "A7W.54.13", "text": "One of those most wanted by Yugoslavia but allowed to go unpunished was General Mario Roatta .", "summaries": ["wanted by Yugoslavia but allowed to go unpunished was General Mario Roatta ."]} +{"id": "A7W.54.14", "text": "An Fo memo of 1943 noted `` our information about Roatta confirms the information circulating about him '' .", "summaries": ["An Fo memo noted `` our information confirms the information circulating about him '' ."]} +{"id": "A7W.54.15", "text": "One Italian who was executed for war crimes --- General Bellomo --- was the only anti-fascist army officer at a senior level ; he was found guilty after one of his men shot an escaping British prisoner of war at Bari .", "summaries": ["One Italian executed for war crimes --- General Bellomo --- was the only anti-fascist at a senior level ; one of his men shot an escaping British prisoner of war ."]} +{"id": "A7W.54.2", "text": "Extradition from Britain was blocked for fear of unsettling the post-war anti-Communist government of Italy .", "summaries": ["Extradition from Britain was blocked for fear of unsettling the government of Italy ."]} +{"id": "A7W.54.3", "text": "`` Justice requires the handing over of these people , but expediency , I fear , militates against it , '' wrote a Foreign Office official in a report .", "summaries": ["`` Justice requires the handing over of these people , but expediency militates against it , '' wrote a Foreign Office official ."]} +{"id": "A7W.54.4", "text": "Another recorded that some held high positions in the Ministry of War : their arrest , the report added , would be `` a political embarrassment '' .", "summaries": ["some held high positions : their arrest would be `` a political embarrassment '' ."]} +{"id": "A7W.54.5", "text": "Documents which disclose Britain 's collusion have been found in Un , Us and British archives by Dr Michael Palumbo , an American writer ( who three years ago discovered the Un files on Mr Kurt Waldheim , the Austrian President ) .", "summaries": ["Documents which disclose Britain 's collusion have been found in Un , Us and British archives by Dr Michael Palumbo , an American writer who discovered files on Kurt Waldheim , the Austrian President ) ."]} +{"id": "A7W.54.6", "text": "His research forms the basis of a Bbc 2 Timewatch programme , The Fascist Legacy , A Pledge Betrayed , to be broadcast tonight .", "summaries": ["His research forms the basis of a Bbc programme , The Fascist Legacy , A Pledge Betrayed ."]} +{"id": "A7W.54.7", "text": "One of those named as a war criminal was Marshal Pietro Badoglio , wanted by Ethiopia for ordering the use of poison gas and the bombing of Red Cross hospitals after Italy invaded the country in 1936 .", "summaries": ["named as a war criminal was Marshal Pietro Badoglio , wanted by Ethiopia for ordering the use of poison gas and the bombing of Red Cross hospitals ."]} +{"id": "A7W.54.8", "text": "The Fo noted that he had provided `` valuable assistance '' to the allied cause as Prime Minister after Italy 's surrender in 1943 , and that it would be `` inopportune '' to hand him over to the Ethiopians .", "summaries": ["The Fo noted he had provided assistance to the allied cause after Italy 's surrender , and that it would be `` inopportune '' to hand him over ."]} +{"id": "A7W.54.9", "text": "Most of the 800 named by the commission were wanted by Yugoslavia , and the Fo secretly acknowledged that it had an excellent case .", "summaries": ["Most of the 800 named were wanted by Yugoslavia ."]} +{"id": "A87.21.0", "text": "Democracy finally arrived in this remote corner of Namibia yesterday , to be greeted with determined enthusiasm .", "summaries": ["Democracy arrived in this corner of Namibia , to be greeted with enthusiasm ."]} +{"id": "A87.21.1", "text": "Northern Damaraland is Africa as lovers of this continent picture it. Abutting the Skeleton Coast , that legendary graveyard of mariners and ships , it is here that the last of the world 's black rhino range free , while galloping hyenas and lunging kudu buck comprise the main traffic hazards .", "summaries": ["Northern Damaraland Abutting the Skeleton Coast it is here the last black rhino range free , while hyenas and kudu buck comprise the main traffic hazards ."]} +{"id": "A87.21.10", "text": "`` I want a government where there is no difference between a black man and a white man. '' Above us in the branches , dangled the flag of the National Patriotic Front , an alliance led by an ex-Maoist , Moses Katjiuongua , and a former white Mp , Eben van Zyl .", "summaries": ["`` I want a government where there is no difference between black and white man. '' in the branches , dangled the flag of the National Patriotic Front , led by ex-Maoist Moses Katjiuongua , and former white Mp , Eben van Zyl ."]} +{"id": "A87.21.11", "text": "`` If Swapo becomes the government it is the same as death , '' said Mr Kangombe .", "summaries": ["`` Swapo government is the same as death , '' said Mr Kangombe ."]} +{"id": "A87.21.12", "text": "`` They are almost Communists and I do n't want a Communist ruling over me. '' A few miles down the road , at the village of Sesfontein , a political rally was under way .", "summaries": ["`` I do n't want Communist ruling '' at the village of Sesfontein , a political rally was under way ."]} +{"id": "A87.21.13", "text": "About 150 Damaras and Hereros watched a dozen young village girls dancing in skirts and T-shirts bearing the colours of Namibia 's United Democratic Front , a broad alliance of eight political parties .", "summaries": ["Damaras and Hereros watched a village girls dancing in the colours of Namibia 's United Democratic Front , a broad alliance of eight parties ."]} +{"id": "A87.21.14", "text": "Chief Jeremiah Gaobaeb , resplendent in a blue kaftan with gold thread , took the megaphone to launch a fierce attack on Swapo .", "summaries": ["Chief Jeremiah Gaobaeb took the megaphone to attack Swapo ."]} +{"id": "A87.21.15", "text": "`` I thought they were the only party that could rule Namibia .", "summaries": ["`` I thought they were the only party that could rule Namibia ."]} +{"id": "A87.21.16", "text": "The Damaras were shocked awake .", "summaries": ["The Damaras were shocked ."]} +{"id": "A87.21.17", "text": "Swapo thought they could still depend on the Damara vote .", "summaries": ["Swapo thought they could depend on the Damara vote ."]} +{"id": "A87.21.18", "text": "But they took people in Angola and Zambia and they murdered and they raped them .", "summaries": ["they took people in Angola and Zambia and they murdered raped ."]} +{"id": "A87.21.19", "text": "The Damara Council took their own path and said : `` Goodbye Swapo , we want no part of you'' . '' Then it was time for practical advice .", "summaries": ["The Damara Council said : `` Swapo , we want no part of you'' . '' it was time for advice ."]} +{"id": "A87.21.2", "text": "It is also the Africa of poverty , deprivation , thirst and the memories of recent war .", "summaries": ["It is also the Africa of poverty , thirst and memories of war ."]} +{"id": "A87.21.20", "text": "`` Behave yourselves , '' he admonished .", "summaries": ["`` Behave yourselves , '' ."]} +{"id": "A87.21.21", "text": "`` Put on the clothes you put on to go to church on Sunday .", "summaries": ["`` Put on clothes you put on to go to church on Sunday ."]} +{"id": "A87.21.22", "text": "You must look your best. '' The mobile Un election team arrived in the evening , with their cardboard polling booths , to service the 435 registered voters of Sesfontein .", "summaries": ["look your best. '' The Un election team arrived with cardboard booths , to service the 435 voters of Sesfontein ."]} +{"id": "A87.21.23", "text": "The number , of course , was appropriate .", "summaries": ["The number was appropriate ."]} +{"id": "A87.21.24", "text": "They may not have much impact on the result of Namibia 's election .", "summaries": ["They may not have much impact on the result ."]} +{"id": "A87.21.25", "text": "But the people will be well dressed , in tribute to the arrival of democracy in the wilds of northern Damaraland .", "summaries": ["the people will be well dressed , in tribute to the arrival of democracy ."]} +{"id": "A87.21.3", "text": "In the roadside village of Waremquelle , on the way north to Sesfontein , the men wile away the days under the stinkwood trees , pools of shade and conversation amid the heat blazing off the surrounding sands .", "summaries": ["In Waremquelle , on the way to Sesfontein , the men wile away the days under the stinkwood trees , pools of shade and conversation ."]} +{"id": "A87.21.4", "text": "`` Life here is very hard , '' said Joshua Kangombe , the local headman who was sporting mirror sunglasses , a trilby hat and a leather tie .", "summaries": ["`` Life is hard , '' said Joshua Kangombe , the local headman ."]} +{"id": "A87.21.5", "text": "`` Most cattle are dead .", "summaries": ["`` Most cattle are dead ."]} +{"id": "A87.21.6", "text": "We have had no good rain since ... '' He paused , reflectively .", "summaries": ["We have had no good rain ."]} +{"id": "A87.21.7", "text": "`` Since 1983. '' Under a nearby tree , a group of children were having their school lunch , feverishly jostling each other as they scraped the bottom of a three-legged pot with scraps of bread .", "summaries": ["`` Since 1983. '' Under a nearby tree , a group of children were having their school lunch ."]} +{"id": "A87.21.8", "text": "A dog snatched fallen morsels from the burning embers of the fire .", "summaries": ["A dog snatched morsels from the fire ."]} +{"id": "A87.21.9", "text": "`` I just do n't want an apartheid government in Namibia , '' said Naftali Herunga , who confided that he had been a soldier , serving in 102 Battalion --- an ethnic Herero unit --- under the South Africans .", "summaries": ["`` I do n't want apartheid in Namibia , '' said Naftali Herunga , who he had been in an ethnic Herero unit under the South Africans ."]} +{"id": "A88.25.0", "text": "The Prime Minister 's senior advisers will meet this weekend to try to rescue the Government 's student top-up loans scheme , as the clearing banks --- which would run it on the Treasury 's behalf --- stiffen their opposition .", "summaries": ["The Prime Minister 's advisers will meet to rescue the Government 's student top-up loans scheme , as the banks --- which run it on the Treasury 's behalf --- stiffen their opposition ."]} +{"id": "A88.25.1", "text": "With only 10 days to finalise the proposals before they must be announced in the Queen 's Speech , Mrs Thatcher 's policy unit , chaired by her senior adviser , Professor Brian Griffiths , is also understood to be considering plans to make sharply increased tuition fees , rather than the block grant , the main means of distributing public money to higher education .", "summaries": ["With days to finalise proposals before they must be announced in the Queen 's Speech , Mrs Thatcher 's policy unit , chaired by adviser , Professor Brian Griffiths , is considering plans to make sharply increased tuition fees , the means of distributing public money to higher education ."]} +{"id": "A88.25.10", "text": "Legislation on the scheme is due to be unveiled in the Queen 's Speech on November 21 .", "summaries": ["the scheme is to be unveiled in the Queen 's Speech ."]} +{"id": "A88.25.11", "text": "The scheme , to be introduced next autumn , would give every student an interest-free loan of up to \u00a3420 a year , repayable over 10 or more years .", "summaries": ["The scheme would give every student an interest-free loan of \u00a3420 a year , repayable over 10 years ."]} +{"id": "A88.25.12", "text": "The policy unit will also discuss an alternative London School of Economics private sector scheme under which the financial institutions , rather than the Treasury , would lend students money , with repayments collected through National Insurance contributions .", "summaries": ["The policy unit will discuss an alternative London School of Economics scheme under which the financial institutions would lend students money , with repayments collected through National Insurance contributions ."]} +{"id": "A88.25.13", "text": "This proposal has gathered significant support in recent weeks from higher education chiefs and Tory think-tanks such as the Centre for Policy Studies .", "summaries": ["This proposal has gathered support from education chiefs and Tory think-tanks ."]} +{"id": "A88.25.14", "text": "Conservative sources believe the Government 's scheme will survive any backbench revolt in the Commons , but run into severe problems in the Lords .", "summaries": ["sources believe the Government 's scheme will survive backbench revolt in the Commons , but run into problems in the Lords ."]} +{"id": "A88.25.15", "text": "However , they do not expect any radical revision to emerge in the run-up to legislation .", "summaries": ["they do not expect radical revision in the run-up to legislation ."]} +{"id": "A88.25.16", "text": "But one insider said yesterday that the banks could deal the scheme a mortal blow if they continued to up the price .", "summaries": ["one insider said the banks could deal the scheme a mortal blow if they up the price ."]} +{"id": "A88.25.17", "text": "`` There 's a real chance that if the banks really push the price high , public spending becomes such that it would allow Mr John MacGregor , the education secretary , to reopen the whole argument. '' In addition , vice-chancellors and students groups have warned the banks they would move their accounts to non-participating institutions .", "summaries": ["`` if the banks push the price high , public spending would allow Mr John MacGregor , the education secretary , to reopen the whole argument. '' vice-chancellors and students groups have warned banks they would move their accounts to non-participating institutions ."]} +{"id": "A88.25.18", "text": "Dr Nick Barr , senior lecturer in economics at the Lse and co-author of the alternative scheme , said : `` It 's very fragile , and there could be a repeat of the New Zealand situation where the banks simply changed their minds , refused to take part , and scuppered the scheme there. ''", "summaries": ["Dr Nick Barr , lecturer in economics at Lse and co-author of the alternative scheme , said : `` It 's fragile , and there could be a repeat of the New Zealand situation where the banks refused to take part and scuppered the scheme ''"]} +{"id": "A88.25.2", "text": "The fees would be paid direct to institutions on students ' behalf by local education authorities .", "summaries": ["The fees would be paid to institutions on students ' behalf by authorities ."]} +{"id": "A88.25.3", "text": "However , the Treasury is known to be resisting this plan , because without a strict cash limit its control over public spending and manpower planning would be weakened .", "summaries": ["the Treasury is resisting because without a cash limit its control would be weakened ."]} +{"id": "A88.25.4", "text": "This weekend 's meeting is the latest in a series of conferences over the past two weeks during which ministers , their advisers , vice-chancellors , polytechnic directors and senior officials have been thrashing out strategies for expanding the higher education system .", "summaries": ["This meeting is in a series of conferences over the past weeks during which ministers , advisers , vice-chancellors , directors and officials have been thrashing out strategies for expanding higher education ."]} +{"id": "A88.25.5", "text": "Banking and Tory party sources say that ministerial proposals to charge students a proportion of their tuition fees and other more radical ideas have been abandoned in the face of tough Treasury opposition , the perceived weakening of Mrs Thatcher 's position following Mr Nigel Lawson 's resignation , and her declared intention not to serve a full fourth term if re-elected .", "summaries": ["sources say that ministerial proposals to charge students tuition fees have been abandoned in the face of Treasury opposition , the weakening of Thatcher 's position following Nigel Lawson 's resignation , and her intention not to serve a full term if re-elected ."]} +{"id": "A88.25.6", "text": "However , bigger special access funds to encourage poorer students , and a scholarship scheme for bright youngsters have not been ruled out .", "summaries": ["bigger special access funds and a scholarship scheme have not been ruled out ."]} +{"id": "A88.25.7", "text": "The clearing banks , which are deeply sceptical about the commercial value to them of the loans scheme , have used the changed political climate to demand a higher price for their participation .", "summaries": ["The banks , sceptical about the value to them of the loans , have used the political climate to demand a higher price for their participation ."]} +{"id": "A88.25.8", "text": "This is thought to include demanding a substantial fee for each transaction , indemnities against any change of government or government policy , and for the Government --- not the banks --- to be unequivocally identified as responsible for its introduction .", "summaries": ["This is thought to include a fee for each transaction , indemnities against change of government policy , and for the Government to be unequivocally identified as responsible for its introduction ."]} +{"id": "A88.25.9", "text": "Labour has said it will scrap the system .", "summaries": ["Labour will scrap the system ."]} +{"id": "A88.28.0", "text": "The Labour leadership is monitoring the imminent reselection procedure in Birkenhead , Merseyside , where Mr Frank Field , the independent-minded chairman of the Commons social services committee is under threat from a local leftwing trade union official .", "summaries": ["Labour leadership is monitoring the reselection procedure in Merseyside , where Frank Field , the chairman of the Commons social services committee is under threat from a local union official ."]} +{"id": "A88.28.1", "text": "Mr Field has said he will resign and cause a byelection if he is not reselected , a move which could divide the party nationally .", "summaries": ["Mr Field will resign and cause a byelection if not reselected , which could divide the party ."]} +{"id": "A88.28.10", "text": "Mr Field has acknowledged he might lose , but a good turn-out could save him .", "summaries": ["Mr Field acknowledged he might lose ."]} +{"id": "A88.28.11", "text": "If he is defeated and forces a byelection , the party would probably be obliged to expel him .", "summaries": ["If defeated , the party would expel him ."]} +{"id": "A88.28.12", "text": "Mr Field believes he would win easily , and once returned to the Commons would ask the parliamentary party to give him back the Labour whip .", "summaries": ["Field believes he would win , and once returned to the Commons would ask to give him back the Labour whip ."]} +{"id": "A88.28.13", "text": "If he does cause a byelection , he will face the charge that he is not prepared to play by the rules laid down by the party conference .", "summaries": ["If he does cause a byelection , he will face the charge that he is not prepared to play by the rules laid down by the party ."]} +{"id": "A88.28.14", "text": "`` No one wants a byelection , '' said Mr Peter Roberts , the former local party chairman and a supporter of Mr Field .", "summaries": ["`` No one wants a byelection , '' said Peter Roberts , a supporter of Mr Field ."]} +{"id": "A88.28.15", "text": "`` But if there is one the people of Birkenhead will support him. ''", "summaries": ["`` if there is one Birkenhead will support him. ''"]} +{"id": "A88.28.2", "text": "In the Commons Mr Field is widely regarded as one of the most thoughtful and persuasive MPs. When he speaks on social issues MPs from all sides listen , but in Birkenhead , Labour left-wingers , including some former supporters , believe his free thinking has gone too far .", "summaries": ["In the Commons Mr Field is regarded as thoughtful and persuasive When he speaks on social issues , but in Birkenhead , some former supporters believe his free thinking has gone too far ."]} +{"id": "A88.28.3", "text": "Few party members challenge his diligence as an Mp , but they claim he has lost touch with the party and treats all critics as extremists .", "summaries": ["Few challenge his diligence as an Mp , but claim he has lost touch with the party and treats critics as extremists ."]} +{"id": "A88.28.4", "text": "Mr Field accepts there is tension between him and some Birkenhead activists about the role of an Mp. A supporter said yesterday : `` What they want is to have somebody they can control , '' but Mr Field found it impossible to operate on that basis .", "summaries": ["Mr Field accepts there is tension between him and some Birkenhead activists A supporter said : `` they want somebody they can control , '' but Mr Field found it impossible to operate on that basis ."]} +{"id": "A88.28.5", "text": "He has set himself the task of trying to discuss the agenda Labour needs to develop over the next two decades on issues such as training , education and poverty .", "summaries": ["He has set himself the task to discuss the agenda Labour needs over the next decades on training , education and poverty ."]} +{"id": "A88.28.6", "text": "The ideas have come thick and fast --- a basic tax at 12p in the pound with the abolition of all income tax allowances , a flexible school-leaving age between 14 and 18 so 14-year-olds would have the option of leaving for a job in which training is guaranteed , and the reintroduction of child tax allowances .", "summaries": ["The ideas have come thick and fast --- a tax at 12p in the pound with the abolition of income tax , a school-leaving age so 14-year-olds would have the option of leaving for a job in which training is guaranteed , and the reintroduction of child tax allowances ."]} +{"id": "A88.28.7", "text": "His chief challenger is Mr Paul Davies , a Transport and General Workers ' Union district official .", "summaries": ["His challenger is Paul Davies , a Transport Workers ' Union official ."]} +{"id": "A88.28.8", "text": "Mr Davies has worked hard to affiliate 15 Tgwu branches , and has written a pamphlet attacking Mr Field 's views on social policy .", "summaries": ["Mr Davies has worked to affiliate Tgwu branches and has a pamphlet attacking Mr Field 's social policy ."]} +{"id": "A88.28.9", "text": "The reselection result will be announced on December 8 .", "summaries": ["The result will be announced December 8 ."]} +{"id": "A88.8.0", "text": "Ashake-up of the management and finances of British Rail is proposed by Labour 's transport spokesman , Mr John Prescott , in the wake of the report into the Clapham Junction rail crash .", "summaries": ["Ashake-up of British Rail is proposed by Labour 's transport spokesman , Mr John Prescott , in the wake of the report into the Clapham Junction crash ."]} +{"id": "A88.8.1", "text": "Labour would establish a new Railway Act , encourage a more dynamic style of management , increase government funding and make the railways more accountable through a consumer regulatory framework .", "summaries": ["Labour would establish a new Railway Act , encourage dynamic management , increase government funding and make the railways more accountable ."]} +{"id": "A88.8.10", "text": "Bus usage in leading English cities has fallen by a sixth since 1985/86 because of the Government 's deregulation of bus operations , says a study for the Association of Metropolitan Authorities .", "summaries": ["Bus usage in English cities has fallen by a sixth since the Government 's deregulation of bus operations ."]} +{"id": "A88.8.11", "text": "About 336 million fewer journeys are being taken in Greater Manchester , West Midlands , Merseyside , South Yorkshire , Tyne and Wear , West Yorkshire and Strathclyde .", "summaries": ["336 million fewer journeys are being taken ."]} +{"id": "A88.8.12", "text": "The study by the transport economist Mr Bill Tyson also shows that fares have risen , and the overall savings to the tax-payer have been a modest \u00a323 million .", "summaries": ["The study by economist Mr Bill Tyson shows that fares have risen , and savings to the tax-payer have been a modest \u00a323 million ."]} +{"id": "A88.8.13", "text": "Mr Jack Meredith , chairman of the Ama 's public transport committee , said that while bus patronage was declining prior to deregulation , the Tyson report showed that the fall in journeys was between 100 and 200 million more than would have been expected .", "summaries": ["Mr Jack Meredith , chairman of the transport committee , said that while bus patronage was declining prior to deregulation , the Tyson report showed the fall was 200 million more than expected ."]} +{"id": "A88.8.14", "text": "Mr Tyson says deregulation prompted fares to rise by 23 per cent in real terms in 1986/87 , followed by a 3.7 per cent real increase in 1987/88 .", "summaries": ["Mr Tyson says deregulation prompted fares to rise by 23 per cent in 1986/87 , followed by a 3.7 per cent increase in 1987/88 ."]} +{"id": "A88.8.15", "text": "Last year , fares rose slightly higher than inflation in most areas .", "summaries": ["fares rose higher than inflation ."]} +{"id": "A88.8.2", "text": "`` It is clear from the Hidden Report that Br is in desperate need not just of a new financial climate but a new managerial approach as well , '' Mr Prescott said yesterday .", "summaries": ["`` Br is in need not just of a new financial climate but a new managerial approach , '' Mr Prescott said yesterday ."]} +{"id": "A88.8.3", "text": "Br management was `` incompetent and unimaginative , '' he said If the chairman , Sir Robert Reid , were not due to retire in April , he should be sacked .", "summaries": ["Br management was `` incompetent '' If the chairman , Sir Robert Reid , were not due to retire , he should be sacked ."]} +{"id": "A88.8.4", "text": "Mr Prescott also warned that simply pumping public money into the railways was not the sole answer .", "summaries": ["Mr Prescott warned that pumping money into the railways was not the answer ."]} +{"id": "A88.8.5", "text": "`` It would be naive to think that all a Labour government has to do is increase revenue support , encourage greater investment and Britain 's railway system would automatically catch up with the best in Europe , '' he said .", "summaries": ["`` It would be naive to think that all a government has to do is increase revenue , encourage investment and Britain 's railway system would catch up with Europe , '' he said ."]} +{"id": "A88.8.6", "text": "`` Labour will introduce a new Railway Act that will lay down in law the broad policy objectives that we expect Br to meet , '' he told the Centre for Local Economic Strategies in Sheffield .", "summaries": ["`` Labour will lay down the objectives that we expect Br to meet , '' he told the Centre for Local Economic Strategies ."]} +{"id": "A88.8.7", "text": "`` These will include tough quality of service targets to improve safety , reliability and passenger comfort. '' The financial framework and policy objectives would be set by a Labour government .", "summaries": ["`` These include service targets to improve safety , reliability and passenger comfort. '' The framework and objectives would be set by a Labour government ."]} +{"id": "A88.8.8", "text": "An independent national regulatory body would monitor Br 's performance , examine investment schemes , fare policies and management practices .", "summaries": ["An independent regulatory body would monitor Br 's performance , policies and practices ."]} +{"id": "A88.8.9", "text": "`` There will be a consumer watchdog to deal with the whole range of consumer rights and needs , '' he promised .", "summaries": ["`` There will be a consumer watchdog , '' he promised ."]} +{"id": "A8J.18.0", "text": "Up to four million Ethiopians in the north may face starvation next year as a result of drought , Peter Biles writes from Nairobi .", "summaries": ["four million Ethiopians may face starvation next year as a result of drought , Peter Biles writes from Nairobi ."]} +{"id": "A8J.18.1", "text": "According to the Un 's World Food Programme , twice as many people as originally estimated will need emergency food aid in 1990 .", "summaries": ["According to the Un , twice as many people as estimated will need food aid ."]} +{"id": "A8J.18.10", "text": "-Reuter. .", "summaries": ["-Reuter. ."]} +{"id": "A8J.18.11", "text": "Death threats .", "summaries": ["Death threats ."]} +{"id": "A8J.18.12", "text": "A French headmaster , Mr Ernest Chenieres , who sparked a controversy by banning Islamic headscarves in the classroom , said yesterday he had received six death threats from Islamic extremists .", "summaries": ["French headmaster Ernest Chenieres , who sparked controversy by banning headscarves in the classroom , received six death threats ."]} +{"id": "A8J.18.13", "text": "-Reuter .", "summaries": ["-Reuter ."]} +{"id": "A8J.18.14", "text": "Right gains in poll .", "summaries": ["Right gains ."]} +{"id": "A8J.18.15", "text": "Denmark 's far-right anti-tax Progress Party made gains in Tuesday 's municipal elections at the expense of the ruling Conservatives .", "summaries": ["Denmark 's far-right made gains in elections at the expense of the Conservatives ."]} +{"id": "A8J.18.16", "text": "-Reuter .", "summaries": ["-Reuter ."]} +{"id": "A8J.18.17", "text": "Poachers shot dead .", "summaries": ["Poachers dead ."]} +{"id": "A8J.18.18", "text": "Kenyan wildlife rangers have shot dead six poachers in Meru national park , including the murderers of two French tourists , the Director of Wildlife , Mr Richard Leakey , said yesterday in Nairobi .", "summaries": ["Kenyan rangers have shot dead six poachers , including the murderers of two tourists , the Director of Wildlife , Richard Leakey , said ."]} +{"id": "A8J.18.19", "text": "-Reuter .", "summaries": ["-Reuter ."]} +{"id": "A8J.18.2", "text": "`` We 're particularly concerned about the situation in Tigre , '' the Wfp 's Director of Operations in Ethiopia , Mr David Morton , said .", "summaries": ["`` We 're particularly concerned about Tigre , '' the Wfp 's Director in Ethiopia , David Morton , said ."]} +{"id": "A8J.18.20", "text": "Corruption triples .", "summaries": ["Corruption triples ."]} +{"id": "A8J.18.21", "text": "China has uncovered 100,000 cases of bribery and corruption this year , triple last year 's rate , said the country 's top prosecutor , Mr Liu Fuzhi .", "summaries": ["China uncovered 100,000 cases of corruption this year , triple last year 's rate , said the country 's prosecutor , Liu Fuzhi ."]} +{"id": "A8J.18.22", "text": "-ap .", "summaries": ["-ap ."]} +{"id": "A8J.18.23", "text": "Clean-up in Bulgaria .", "summaries": ["Clean-up in Bulgaria ."]} +{"id": "A8J.18.24", "text": "The Bulgarian Communist Party politburo yesterday set up a top-level investigation into corruption under the deposed leader , Mr Todor Zhivkov , and fired his son as head of a party department .", "summaries": ["The Bulgarian Communist politburo set up a top-level investigation into corruption under the deposed leader , Todor Zhivkov , and fired his son as head of a department ."]} +{"id": "A8J.18.25", "text": "-ap .", "summaries": ["-ap ."]} +{"id": "A8J.18.3", "text": "`` It 's become clear that the crop failure there has been far worse than we realised. '' .", "summaries": ["`` the crop failure has been worse than we realised. '' ."]} +{"id": "A8J.18.4", "text": "Rebels told to move .", "summaries": ["Rebels told to move ."]} +{"id": "A8J.18.5", "text": "Islamabad has told Afghan rebel groups to move arms dumps out of populated areas of north-west Pakistan where a huge explosion killed upto 40 people last week .", "summaries": ["Islamabad told rebel groups to move arms dumps out of populated areas of Pakistan where a huge explosion killed 40 people ."]} +{"id": "A8J.18.6", "text": "The order came as rebels announced plans to free two Soviet soldiers captured during the Soviet occupation .", "summaries": ["The order came as rebels announced to free two Soviet soldiers captured during the Soviet occupation ."]} +{"id": "A8J.18.7", "text": "-Agencies. .", "summaries": ["-Agencies. ."]} +{"id": "A8J.18.8", "text": "Mandela meeting .", "summaries": ["Mandela meeting ."]} +{"id": "A8J.18.9", "text": "Nine South African activists will visit Nelson Mandela next week in the latest talks between the black leader and anti-apartheid campaigners .", "summaries": ["activists will visit Nelson Mandela in the talks between anti-apartheid campaigners ."]} +{"id": "A8J.6.0", "text": "Apossible framework for a pan-European organisation linking countries in Western and Eastern Europe was unveiled here yesterday as the West German Chancellor , Dr Helmut Kohl , formally ruled out any prospect of Bonn seeking German reunification outside the creation of a united Europe .", "summaries": ["Apossible framework for a pan-European organisation linking Western and Eastern Europe was unveiled as the West German Chancellor , Dr Helmut Kohl , ruled out seeking German reunification outside the creation of a united Europe ."]} +{"id": "A8J.6.1", "text": "The new body --- to be set up by the 12 countries of the European Community and the six countries of the European Free Trade Association --- would be open to east European states who opt for democracy .", "summaries": ["The body --- to be set up by the European Community and Free Trade Association --- would be open to east European states who opt for democracy ."]} +{"id": "A8J.6.10", "text": "Unlike his Foreign Minister , Mr Hans-Dietrich Genscher , Dr Kohl had first reacted to the changes in East Germany by highlighting German reunification .", "summaries": ["Unlike his Minister , Hans-Dietrich Genscher , Dr Kohl reacted to the changes in East Germany by highlighting reunification ."]} +{"id": "A8J.6.11", "text": "While underlining the right of the East Germans to opt for unity with their fellow Germans in the Federal Republic , Dr Kohl said this was a matter for their own free choice .", "summaries": ["the right of the East Germans to opt for unity with the Federal Republic , Dr Kohl said was a matter for their own free choice ."]} +{"id": "A8J.6.12", "text": "`` The people of the Gdr do not need lectures on this subject from outsiders , '' commented Dr Kohl , adding that Mr Gorbachev 's survival was vital for the wider movement to democracy and reform in eastern Europe .", "summaries": ["`` The people do not need lectures on this subject , '' commented Dr Kohl , adding that Mr Gorbachev was vital for the movement to democracy in eastern Europe ."]} +{"id": "A8J.6.13", "text": "He concluded that a `` free and united Germany '' was conceivable only in `` a free and united Europe. '' The Chancellor stated that the priority now was for East Germany to move to free and secret elections , a press freed from bureaucratic political control , free trade unions , and the right to form independent parties , he said .", "summaries": ["a `` united Germany '' was conceivable only in `` a united Europe. '' The Chancellor stated that the priority was for East Germany to move to free elections , press , trade unions , and parties ."]} +{"id": "A8J.6.14", "text": "`` The recent declarations of the Gdr Prime Minister , Mr Hans Modrow , contain references which undeniably lead in this direction .", "summaries": ["`` The declarations of the Gdr Prime Minister , Hans Modrow , contain references which lead in this direction ."]} +{"id": "A8J.6.15", "text": "All now depends on how these announcements are implemented. '' While making no secret of the Federal Republic 's readiness to provide massive aid for a democratic East Germany , the Chancellor emphasised that virtually all of eastern Europe , from Poland to Yugoslavia , would have a claim of the support and solidarity of Western Europe .", "summaries": ["All depends on how these announcements are implemented. '' making no secret of the Federal Republic 's readiness to provide aid for a democratic East Germany , the Chancellor emphasised all of eastern Europe would have the support and solidarity of Western Europe ."]} +{"id": "A8J.6.16", "text": "For his part President Mitterrand reported on the steps taken in Paris last weekend by Ec heads of government to bolster the crisis ridden economies of Hungary and Poland .", "summaries": ["President Mitterrand reported on the steps taken by Ec heads to bolster the economies of Hungary and Poland ."]} +{"id": "A8J.6.17", "text": "`` Yugoslavia must also not be forgotton since Yugoslavia was one of the first East European countries to show courage in making change , although its economy has not necessarily benefited from this , '' said President Mitterrand .", "summaries": ["`` Yugoslavia was one of the first East European countries to show courage in making change , although its economy has not benefited from this , '' said President Mitterrand ."]} +{"id": "A8J.6.2", "text": "The attempt to put flesh and blood on the skeleton structure of a possible united Europe emerged during an unprecedented day in the history of the European Parliament .", "summaries": ["The attempt to structure a united Europe emerged during an unprecedented day in the European Parliament ."]} +{"id": "A8J.6.3", "text": "Reflecting both the sense of momentous events in Eastern Europe and the desire to strengthen the political role of the European Parliament , MEPs were unexpectedly addressed yesterday both by Chancellor Kohl and President Mitterrand , President of the European Council .", "summaries": ["Reflecting the events in Eastern Europe and to strengthen the European Parliament , MEPs were addressed yesterday both by Chancellor Kohl and President Mitterrand ."]} +{"id": "A8J.6.4", "text": "The Commission 's thinking about a wider European organisation was set out yesterday by its vice-president , Mr Frans Andriessen , in a report about the proposed European economic space with Efta in which capital , people , trade , and services would move freely .", "summaries": ["The thinking was set out by its vice-president , Mr Frans Andriessen , in a report about the proposed European economic space with Efta in which capital , people , trade , and services would move freely ."]} +{"id": "A8J.6.5", "text": "In the short run this new body is seen by the Commission as a useful means of delaying or diverting the application of countries such as Austria which want to belong to the inner core of the 12 European Community states .", "summaries": ["this is a means of delaying the application of countries such as Austria which want to belong to the inner core of the 12 European Community states ."]} +{"id": "A8J.6.6", "text": "But Mr Andriessen conceded that the 18-country Ees would be presided over by a council of ministers `` shaping decisions by consensus '' .", "summaries": ["Mr Andriessen conceded the Ees would be presided over by ministers `` shaping decisions by consensus '' ."]} +{"id": "A8J.6.7", "text": "Advocates of faster progress to European monetary union were encouraged yesterday by the unambiguous declaration made to the European Parliament by Chancellor Helmut Kohl yesterday that change in eastern Europe could not justify going slow on Ec integration .", "summaries": ["Advocates of faster European monetary union were encouraged by the declaration by Chancellor Kohl that change in eastern Europe could not justify slow Ec integration ."]} +{"id": "A8J.6.8", "text": "Others speculated that the foundations were being laid for a pan-European unity which might stretch from the Urals to the Atlantic .", "summaries": ["Others speculated the foundations were being laid for a pan-European unity which might stretch from the Urals to the Atlantic ."]} +{"id": "A8J.6.9", "text": "The Chancellor also took the opportunity to nuance his support for German reunification in ways which will reassure those fearful that precipitate moves to unification might unsettle the Soviet Union and threaten the improvement in East-West relations .", "summaries": ["The Chancellor took the opportunity to nuance his support for German reunification which will reassure those fearful that unification might unsettle the Soviet Union and threaten East-West relations ."]} +{"id": "A8K.38.0", "text": "David Brindle , Social Services Correspondent .", "summaries": ["David Brindle , Correspondent ."]} +{"id": "A8K.38.1", "text": "Doubts remained last night over whether the Government had honoured its promise not to impose cash limits on drugs expenditure in the bill to bring in National Health Service changes published yesterday .", "summaries": ["Doubts remained whether the Government had honoured its promise not to impose limits on drugs expenditure in National Health Service changes published yesterday ."]} +{"id": "A8K.38.10", "text": "The measure , the National Health Service and Community Care Bill , contains the legislation needed for both the Nhs shake-up and enactment of the community care white paper , published only a week ago .", "summaries": ["The National Health Service and Community Care Bill , contains legislation for the Nhs shake-up and the community care white paper , published a week ago ."]} +{"id": "A8K.38.11", "text": "One of the few unexpected measures in the legislation is a clause removing the need for the Health Secretary to authorise private patient facilities in Nhs hospitals .", "summaries": ["One of the few unexpected measures is removing the need for the Health Secretary to authorise private patient facilities in Nhs hospitals ."]} +{"id": "A8K.38.12", "text": "The minister would retain only a right of intervention if hospitals or health authorities `` abused '' their freedom to develop pay-beds at will .", "summaries": ["The minister would retain a right of intervention if hospitals `` abused '' their freedom to develop pay-beds ."]} +{"id": "A8K.38.13", "text": "Inclusion of the measure is bound to fuel the fears of critics who see the bill as paving the way for privatisation of the health service , particularly through the proposed opted-out , self-governing `` Nhs trust '' hospitals and other units .", "summaries": ["the measure is bound to fuel critics who see the bill as paving the way for privatisation , particularly through the proposed opted-out `` Nhs trust '' hospitals ."]} +{"id": "A8K.38.14", "text": "Mr Clarke dismissed such fears .", "summaries": ["Mr Clarke dismissed fears ."]} +{"id": "A8K.38.15", "text": "He said that he did not see the point of a central control over pay beds which was a relic of the Labour governments of the 1960s .", "summaries": ["He did not see the point of control over pay beds which was a relic of the 1960s ."]} +{"id": "A8K.38.16", "text": "Moreover , he did not envisage any circumstances in which he would exercise a right to intervene .", "summaries": ["he did not envisage circumstances in which he would intervene ."]} +{"id": "A8K.38.17", "text": "As expected , the bill provides for the main planks of the Nhs shake-up --- Nhs trusts , indicative drugs budgets , optional practice budgets for some GPs and creation of an `` internal market '' --- though it does so in markedly less robust commercial terminology than was first applied .", "summaries": ["the bill provides for --- Nhs trusts , drugs budgets , practice budgets for GPs and an `` internal market '' --- though it does so in less commercial terminology than first applied ."]} +{"id": "A8K.38.18", "text": "It also leaves open the possibility of extending these measures .", "summaries": ["It leaves open the possibility of extending measures ."]} +{"id": "A8K.38.19", "text": "Although practice budgets are being offered only to larger practices with 11,000 patients or more , the bill sets no such lower limit .", "summaries": ["Although budgets are offered only to practices with 11,000 patients or more , the bill sets no lower limit ."]} +{"id": "A8K.38.2", "text": "Mr Kenneth Clarke , the Health Secretary , said in response to questioning by reporters that there was no provision in the measure to require regional health authorities to keep within their proposed firm drugs budgets .", "summaries": ["Mr Kenneth Clarke , said there was no provision to require regional health authorities to keep within their drugs budgets ."]} +{"id": "A8K.38.20", "text": "One issue clarified by the bill is that `` Nhs contracts '' , the contracts between purchasing health authorities or GPs and service-providing hospitals , will not be legally binding and will confer no contractual rights or liabilities .", "summaries": ["One issue clarified by the bill is that `` Nhs contracts '' between purchasing health authorities and service-providing hospitals , will not be legally binding ."]} +{"id": "A8K.38.21", "text": "Mr Clarke said ministers now accepted that the internal market would initially rely heavily on large-scale , block contracts .", "summaries": ["Mr Clarke said ministers accepted that the internal market would rely heavily on large-scale contracts ."]} +{"id": "A8K.38.22", "text": "Expectations that hospitals would be able to work up detailed costings had been revised .", "summaries": ["Expectations that hospitals would work up detailed costings had been revised ."]} +{"id": "A8K.38.23", "text": "Claiming that health workers ' fears were being overcome and that there was now a much better understanding of the plans , Mr Clarke said : `` There are volunteers all over the service waiting for Parliament to approve these provisions so we can get on with it from next summer onwards. ''", "summaries": ["Claiming health workers ' fears were being overcome and there was now a better understanding , Mr Clarke said : `` There are volunteers waiting for Parliament to approve these so we can get on with it ''"]} +{"id": "A8K.38.3", "text": "This appeared to go back on the health white paper , which had stated in a detailed working document : `` Legislation will be needed in order to require FPCs ( family practitioner committees ) and RHAs to keep to their drug budgets. '' Mr Clarke said : `` What we have got here is the legislation we require .", "summaries": ["This appeared to go back on the health white paper , which stated : `` Legislation will be needed to require FPCs and RHAs to keep to their drug budgets. ''"]} +{"id": "A8K.38.4", "text": "The legislation does not require other than what it 's got. '' The minister therefore seemed to have carried through the understanding reached with the British Medical Association in September .", "summaries": ["The legislation does not require other than what it 's got. '' The minister carried through the understanding reached with the British Medical Association ."]} +{"id": "A8K.38.5", "text": "He said then that general practitioners would remain free to prescribe whatever drugs their patients needed and would not be constrained by cash limits either at Fpc or Rha level .", "summaries": ["general practitioners would remain free to prescribe drugs and would not be constrained by limits ."]} +{"id": "A8K.38.6", "text": "However , the bill does place a `` duty '' on every Rha to ensure that its own and its constituent FPCs ' spending , which will include GPs ' indicative drugs budgets , `` does not exceed the aggregate '' of its income .", "summaries": ["the bill does place a `` duty '' to ensure its spending , which will include GPs ' drugs budgets , `` does not exceed '' its income ."]} +{"id": "A8K.38.7", "text": "The Bma was last night examining this provision to see what , if any , effect it could have on GPs ' prescribing .", "summaries": ["The Bma was examining this provision to see what effect it could have on prescribing ."]} +{"id": "A8K.38.8", "text": "But it was heartened by a reference elsewhere in the legislation that GPs could exceed their drugs budgets if they had `` good cause '' --- a term which the Bma will interpret as patients ' needs .", "summaries": ["it was heartened that GPs could exceed their drugs budgets if they had `` good cause '' --- which the Bma will interpret as patients ' needs ."]} +{"id": "A8K.38.9", "text": "In other respects , the Bma said , the legislation left the public in the dark on key issues such as guaranteed local hospital services , public consultation on opting-out hospitals and quality of care .", "summaries": ["the legislation left the public in the dark on issues such as local hospital services , consultation on opting-out hospitals and quality of care ."]} +{"id": "A8K.8.0", "text": "The driver of a 5,000-gallon tanker , Darren Rushton , of Stoke-on-Trent , raced to warn three people in a cafe as burning fuel poured towards them when his vehicle exploded after a collision outside Oldbury oil terminal , West Midlands .", "summaries": ["The driver of a tanker , Darren Rushton , raced to warn people in a cafe as burning fuel poured towards them when his vehicle exploded outside Oldbury oil terminal ."]} +{"id": "A8K.8.1", "text": "They reached safety seconds before the cafe was engulfed in flames .", "summaries": ["They reached safety seconds before the cafe was in flames ."]} +{"id": "A8K.8.10", "text": "The Pre-School Playgroups Association yesterday launched a nationwide campaign to provide facilities so mothers can return to work .", "summaries": ["The Pre-School Playgroups Association launched a campaign to provide facilities so mothers can return to work ."]} +{"id": "A8K.8.11", "text": "Murder hunt .", "summaries": ["Murder hunt ."]} +{"id": "A8K.8.12", "text": "A murder hunt was launched yesterday after a body , believed to be that of Monica Cantwell , aged 24 , from Lingfield , Surrey , was found in New Zealand .", "summaries": ["A murder hunt was launched after a body , believed to be Monica Cantwell , from Surrey , was found in New Zealand ."]} +{"id": "A8K.8.13", "text": "Listeria cases increase .", "summaries": ["Listeria cases increase ."]} +{"id": "A8K.8.14", "text": "The number of listeria cases rose by a quarter in the first six months of this year , Dr Diane Roberts , of the Central Public Health Laboratory , told a London conference yesterday .", "summaries": ["listeria cases rose by a quarter in the first six months of this year , Dr Diane Roberts , of the Central Public Health Laboratory , told a conference ."]} +{"id": "A8K.8.15", "text": "Help line for pensioners .", "summaries": ["Help for pensioners ."]} +{"id": "A8K.8.16", "text": "A group of charities yesterday launched the Winter Warmth Line telephone advice service for pensioners .", "summaries": ["charities launched the Winter Warmth Line telephone advice service for pensioners ."]} +{"id": "A8K.8.17", "text": "Doctor to be struck off. London sex therapist Dr Brian Richards , convicted in the Us of trying to have his partner killed , was yesterday found guilty of serious professional misconduct by the professional conduct committee of the General Medical Council , who ordered his name struck off.", "summaries": ["Doctor struck off. London sex therapist Dr Brian Richards , convicted in the Us of trying to have his partner killed , was found guilty of serious professional misconduct by the General Medical Council"]} +{"id": "A8K.8.2", "text": "Broadcast warning .", "summaries": ["warning ."]} +{"id": "A8K.8.3", "text": "Powers claimed by the Home Secretary to intervene over the content of programmes would radically alter the constitution of broadcasting , Mr Anthony Lester , Qc , told the Court of Appeal yesterday in winding up an appeal against the High Court refusal to outlaw restrictions on interviews with named groups , including Sinn Fein .", "summaries": ["Powers claimed by the Home Secretary to intervene over the content of programmes would alter the constitution of broadcasting , Mr Anthony Lester , Qc , told the Court in an appeal against the High Court refusal to outlaw interviews with groups , including Sinn Fein ."]} +{"id": "A8K.8.4", "text": "Judgment was reserved .", "summaries": ["Judgment was reserved ."]} +{"id": "A8K.8.5", "text": "Welsh oil spill .", "summaries": ["Welsh oil spill ."]} +{"id": "A8K.8.6", "text": "Anti-pollution vessels were last night tackling a mile-long oil slick after the 80,000-ton Texaco Westminster and a tug collided at Milford Haven .", "summaries": ["Anti-pollution vessels were tackling a mile-long oil slick after the Texaco Westminster and a tug collided at Milford Haven ."]} +{"id": "A8K.8.7", "text": "Council uproar .", "summaries": ["Council uproar ."]} +{"id": "A8K.8.8", "text": "A Kensington and Chelsea council meeting was suspended and police called last night during uproar over plans to redevelop Portobello Road market when a motion to shelve plans pending consultation was voted down after stall-holders presented an opposition petition .", "summaries": ["A Kensington and Chelsea council meeting was suspended and police called during uproar over plans to redevelop Portobello market when a motion to shelve plans was voted down after stall-holders opposition ."]} +{"id": "A8K.8.9", "text": "Mothers ' campaign .", "summaries": ["Mothers ' campaign ."]} +{"id": "A95.24.0", "text": "About 400 rebel soldiers returned to their barracks yesterday morning , ending the siege of Makati after they had occupied the capital 's affluent business district for six days .", "summaries": ["400 rebel soldiers returned to their barracks yesterday , after they had occupied the capital 's business district for six days ."]} +{"id": "A95.24.1", "text": "The mutineers , all members of an elite scout-ranger regiment , marched to a nearby army camp , defiantly saying that they did not surrender to the government .", "summaries": ["The mutineers marched to a nearby army camp , saying that they did not surrender ."]} +{"id": "A95.24.10", "text": "In the past month , Mrs Aquino 's popularity has declined , and there was growing disenchantment with her government 's ability to provide adequate transport and power , and to contain corruption .", "summaries": ["Aquino 's popularity has declined , and there was growing disenchantment with her government 's ability to provide transport and power , and to contain corruption ."]} +{"id": "A95.24.11", "text": "Government officials say that state of emergency declared by Mrs Aquino on Wednesday should make it easier for the government to control prices and improve transport and other services .", "summaries": ["officials say that state of emergency declared by Mrs Aquino should make it easier to control prices and improve transport ."]} +{"id": "A95.24.12", "text": "The decree allows the government to take over public utilities and businesses .", "summaries": ["The decree allows the government to take over public businesses ."]} +{"id": "A95.24.13", "text": "A cabinet reshuffle is expected to follow .", "summaries": ["A cabinet reshuffle is expected ."]} +{"id": "A95.24.14", "text": "Replacing cabinet secretaries who are popularly perceived as ineffective was `` part of the stocktaking that has to be done '' , the press Secretary , Mr Adolfo Azcuna , said .", "summaries": ["Replacing cabinet secretaries who are ineffective was `` part of the stocktaking done '' , the press Secretary , Mr Adolfo Azcuna , said ."]} +{"id": "A95.24.15", "text": "At the same time , Mrs Aquino is mobilising popular support for her beleaguered government .", "summaries": ["Mrs Aquino is mobilising support for her government ."]} +{"id": "A95.24.16", "text": "In an emotional television appeal yesterday , she called on Filipinos to bring their families to a mass today at a religious shrine on a main motorway in suburban Manila .", "summaries": ["she called on Filipinos to bring their families to a mass at a shrine in Manila ."]} +{"id": "A95.24.17", "text": "The spot marks the place where where hundreds and thousands gathered in February 1986 for a popular uprising that overthrew the late President Ferdinand Marcos , and made Mrs Aquino the President .", "summaries": ["The spot marks where where thousands gathered in February 1986 for a popular uprising that overthrew Ferdinand Marcos , and made Mrs Aquino the President ."]} +{"id": "A95.24.18", "text": "Cardinal Jaime Sin , the influential Archbishop of Manila , who called on Filipinos to support the uprising against Marcos , joined Mrs Aquino 's appeal .", "summaries": ["Cardinal Jaime Sin , the Archbishop of Manila , called on Filipinos to support the uprising against Marcos ."]} +{"id": "A95.24.19", "text": "`` The future of the nation is in your hands , '' he said in a radio broadcast .", "summaries": ["`` The future of the nation is in your hands , '' he said ."]} +{"id": "A95.24.2", "text": "`` We have won some victories , '' said Capitain Danilo Lucas , a West Point graduate who took part in the rebellion .", "summaries": ["`` We have won victories , '' said Capitain Danilo Lucas , a West Point graduate who took part in the rebellion ."]} +{"id": "A95.24.20", "text": "The rebels left Makati after negotiations with military officers and marched back to their barracks with rifles , bazookas , and machine-guns , chanting : `` No surrender , the fight goes on. '' Brigadier-General Arturo Enrile , the government negotiator , said the mutineers had initially demanded Mrs Aquino 's resignation , but eventually `` reason prevailed over whatever political or ideoligical convictions they had. '' Gen Enrile went on : `` I told them they would be treated fairly , justly and humanely but they must be man enough to take the consequences of their actions. '' At the camp , the rebel troops were welcomed with a banner that read : `` Welcome home. '' They shook hands and embraced government soldiers .", "summaries": ["The rebels left negotiations chanting : `` No surrender '' Brigadier-General Arturo Enrile , the government negotiator , said the mutineers initially demanded Mrs Aquino 's resignation , but eventually `` reason prevailed over convictions '' Gen Enrile went on : `` I told them they would be treated justly but they must take the consequences of their actions. '' the rebel troops were welcomed with a banner that read : `` Welcome home. '' They embraced government soldiers ."]} +{"id": "A95.24.21", "text": "`` We will not surrender even if it takes forever , '' said Corporal Roy Bantung .", "summaries": ["`` We will not surrender , '' said Corporal Roy Bantung ."]} +{"id": "A95.24.22", "text": "`` The government must change .", "summaries": ["`` The government must change ."]} +{"id": "A95.24.23", "text": "The president must change her policies. ''", "summaries": ["The president must change"]} +{"id": "A95.24.3", "text": "`` We are not surrendering , we are voluntarily going back to barracks. '' In the central Philippine city of Cebu , meanwhile , negotiations with the 200 army rebels who seized an air force base are at a stalemate .", "summaries": ["In the Philippine city of Cebu , negotiations with the army rebels who seized an air base are at a stalemate ."]} +{"id": "A95.24.4", "text": "The air force general leading the mutineers refused to give up control of the base even as the seige of Makati ended .", "summaries": ["The general leading the mutineers refused to give up the base even as the seige ended ."]} +{"id": "A95.24.5", "text": "As the military mutiny dragged on for the sixth day , President Corazon Aquino asked Filipinos to `` join hands and consolidate our resources to rebuild what we have destroyed '' .", "summaries": ["As the military mutiny dragged on , President Corazon Aquino asked Filipinos to `` join hands and resources to rebuild '' ."]} +{"id": "A95.24.6", "text": "Military officers said more disruptions by mutinous soldiers were still possible .", "summaries": ["officers said more disruptions by mutinous soldiers were possible ."]} +{"id": "A95.24.7", "text": "`` I can not guarantee that there will be no more coup attempts , '' said the armed forces spokesman , Brigadier-General Oscar Florendo .", "summaries": ["`` I can not guarantee that there will be no more coup attempts , '' said Brigadier-General Oscar Florendo ."]} +{"id": "A95.24.8", "text": "During a meeting yesterday , Mrs Aquino told her cabinet `` to take a long , hard look at ourselves in order to see what it is we did wrong and what else needs to be done so we can all benefit from this tragic experience in our lives '' .", "summaries": ["Mrs Aquino told her cabinet `` take a look at ourselves to see what we did wrong and what needs to be done so we can benefit from this tragic experience '' ."]} +{"id": "A95.24.9", "text": "She is expected to implement measures to address the popular grievances that have helped to fuel the mutiny .", "summaries": ["She is expected to address grievances that have helped the mutiny ."]} +{"id": "A96.17.0", "text": "Aturkish print worker alleged yesterday that a Harley Street doctor paid \u00a32,500 for him to donate a kidney to a patient whom he believed was a fellow countryman .", "summaries": ["Aturkish print worker alleged that a doctor paid \u00a32,500 for him to donate a kidney to a patient he believed was a countryman ."]} +{"id": "A96.17.1", "text": "Mr Ferhat Usta , a Muslim , said he realised minutes before the operation that his kidney was going to a Briton .", "summaries": ["Mr Usta , a Muslim , realised minutes before the operation that his kidney was going to a Briton ."]} +{"id": "A96.17.10", "text": "Mr Usta said he had come to London under the impression that his kidney was to be donated to one of the `` broker '' brothers , Ata Nur Kuntar .", "summaries": ["Mr Usta said he had come to London under the impression that his kidney was to be donated to one of the `` broker '' brothers ."]} +{"id": "A96.17.11", "text": "He had said to Mr Kuntar : `` You could have told me the truth from the very beginning .", "summaries": ["He said to Mr Kuntar : `` You could have told me the truth ."]} +{"id": "A96.17.12", "text": "Because I am a very poor man you made me accept a figure like six million lire ( \u00a32,500 ) .", "summaries": ["Because I am a poor you made me accept six million lire ( \u00a32,500 ) ."]} +{"id": "A96.17.13", "text": "An Englishman , if he is going to have an operation in a hospital like that , I am sure he would have at least \u00a35,000 in his pocket .", "summaries": ["An Englishman going to have an operation like that would have \u00a35,000 ."]} +{"id": "A96.17.14", "text": "`` I told him that I wanted \u00a35,000 from him .", "summaries": ["`` I told him I wanted \u00a35,000 ."]} +{"id": "A96.17.15", "text": "He then accepted this and he told me he was going to pay me the other \u00a32,500 in Turkey in Turkish money. '' He said he never received the extra money .", "summaries": ["He told me he was going to pay the other \u00a32,500 in Turkish money. '' He never received the money ."]} +{"id": "A96.17.16", "text": "The hearing continues today .", "summaries": ["The hearing continues ."]} +{"id": "A96.17.2", "text": "`` I suddenly got out of bed half naked .", "summaries": ["`` I got out of bed ."]} +{"id": "A96.17.3", "text": "I realised I was being deceived , '' he told the General Medical Council 's professional conduct committee .", "summaries": ["I was being deceived , '' he told the General Medical Council 's conduct committee ."]} +{"id": "A96.17.4", "text": "Mr Usta , aged 34 , who lives with his wife , mother and three daughters in a shack in an Istanbul shanty town , described how he came to London last year , attracted by a newspaper advertisement offering money to kidney donors .", "summaries": ["Mr Usta who lives with his wife , mother and daughters in an Istanbul shanty town , came to London , attracted by a advertisement offering money to kidney donors ."]} +{"id": "A96.17.5", "text": "He wanted to raise \u00a32,000 to treat one of his children who suffered from a tubercular hip infection .", "summaries": ["He wanted \u00a32,000 to treat one of his children who suffered from a hip infection ."]} +{"id": "A96.17.6", "text": "Mr Usta was examined by Dr Raymond Crockett , a Harley Street physician specialising in kidney disease .", "summaries": ["Mr Usta was examined by Dr Raymond Crockett , a physician specialising in kidney disease ."]} +{"id": "A96.17.7", "text": "Dr Crockett , Mr Michael Bewick , a leading kidney transplant surgeon , and Mr Michael Joyce , a urologist at Guy 's Hospital , deny professional misconduct over their involvement in transplanting kidneys from four living Turks , all of whom were paid for the organs .", "summaries": ["Dr Crockett , Mr Michael Bewick , and Mr Michael Joyce deny misconduct over their involvement in transplanting kidneys from living Turks , all of whom were paid ."]} +{"id": "A96.17.8", "text": "Mr Usta recalled how two brothers , described as `` kidney brokers '' , handed him \u00a32,500 in cash on the night before the operation in July 1988 .", "summaries": ["Mr Usta recalled how `` kidney brokers '' , handed him \u00a32,500 before the operation in July 1988 ."]} +{"id": "A96.17.9", "text": "Speaking through an interpreter , Mr Usta said : `` As far as I can figure it out , one day before the operation the cheque was given by Dr Crockett , it was changed and the money given to me that night. '' On Monday , the first day of the hearing , Mr Roger Henderson Qc , for the Gmc , said Dr Crockett 's notes included a bill for \u00a320,000 for a Mr B , described as a Briton living in Israel who was suffering from a disease affecting his kidneys .", "summaries": ["Speaking through an interpreter , Mr Usta said : `` one day before the operation was the money given to me '' On the first day of the hearing , Mr Roger Henderson Qc , said Dr Crockett 's notes included a bill for \u00a320,000 for a Mr B , a Briton living in Israel suffering from a disease affecting his kidneys ."]} +{"id": "A96.33.0", "text": "The Czechoslovak opposition raised the stakes in the battle for power in the country last night after the resignation of the Prime Minister , Mr Ladislav Adamec .", "summaries": ["The Czechoslovak opposition raised the stakes in the battle for power after the resignation of Prime Minister Ladislav Adamec ."]} +{"id": "A96.33.1", "text": "Blaming Mr Adamec for sparking a `` political crisis '' by his act , the Civic Forum opposition movement said the ruling but discredited Communist Party had to forfeit the prime ministership or the presidency .", "summaries": ["Blaming Mr Adamec for sparking a `` crisis '' the opposition movement said the ruling Communist Party had to forfeit the prime ministership ."]} +{"id": "A96.33.10", "text": "Pressed last night on the issue , Mr Havel conceded that in the last resort he would accept the post as head of state .", "summaries": ["Pressed , Havel would accept the post ."]} +{"id": "A96.33.11", "text": "`` If , God help us , the situation develops in such a way that the only service I could render my country would be to do it [ accept the presidency ] , then I would do it , '' Mr Havel said .", "summaries": ["`` If , the only service I could render my country would be to accept the presidency , then I would , '' Havel said ."]} +{"id": "A96.33.12", "text": "As the country found itself on the brink of a constitutional crisis , Mr Havel said the best way to avert such a crisis would be for President Husak to quit and for a strong prime minister to assume his authority temporarily , as the constitution permits .", "summaries": ["Havel said the way to avert crisis would be for President Husak to quit and for a strong prime minister to assume authority temporarily ."]} +{"id": "A96.33.13", "text": "The Forum also revealed it was proposing Mr Jan Czarnogursky , the prominent Slovak lawyer and human rights activist who only last month under the old regime was put on trial , for the post of prime minister or first deputy prime minister .", "summaries": ["The Forum revealed it was proposing Jan Czarnogursky , the Slovak lawyer and human rights activist who under the old regime was put on trial , for the post of prime minister ."]} +{"id": "A96.33.14", "text": "In addition , the opposition demanded the foreign ministry and five other cabinet posts .", "summaries": ["the opposition demanded the foreign ministry and other cabinet posts ."]} +{"id": "A96.33.15", "text": "In tendering his resignation , Mr Adamec cited undue pressure from the opposition in the haggling this week over a new cabinet as the main reason .", "summaries": ["In his resignation , Adamec cited pressure from the opposition over a new cabinet ."]} +{"id": "A96.33.16", "text": "The Forum rigorously denied this .", "summaries": ["The Forum denied this ."]} +{"id": "A96.33.17", "text": "A government spokesman said that Mr Adamec 's decision to quit was taken because of `` unacceptable demands '' from the Forum .", "summaries": ["A spokesman said Adamec quit because of `` unacceptable demands '' from the Forum ."]} +{"id": "A96.33.18", "text": "Mr Dienstbier retorted that this was nonsense .", "summaries": ["Dienstbier retorted this was nonsense ."]} +{"id": "A96.33.19", "text": "Mr Adamec had asked the Forum for its proposals concerning the new government .", "summaries": ["Adamec asked the Forum for proposals concerning the government ."]} +{"id": "A96.33.2", "text": "The Forum reacted furiously to Mr Adamec 's resignation , virtually accusing him of lying to the public .", "summaries": ["The Forum reacted to Adamec 's resignation , accusing him of lying ."]} +{"id": "A96.33.20", "text": "After receiving the proposals and before responding , Mr Adamec had gone on national television on Wednesday night to threaten to quit .", "summaries": ["After receiving the proposals and before responding , Adamec had gone on television to threaten to quit ."]} +{"id": "A96.33.21", "text": "Mr Dienstbier accused Mr Adamec of stating untruths on television .", "summaries": ["Dienstbier accused Adamec of untruths ."]} +{"id": "A96.33.3", "text": "A day of drama that also saw the expulsion from the Communist Party of Mr Milos Jakes , the former leader , and Mr Miroslav Stepan , until recently the Prague party chief , plunged the country 's three-week old `` peaceful revolution '' into great uncertainty .", "summaries": ["A day that saw the expulsion from the Communist Party of Milos Jakes , the leader , and Miroslav Stepan , the party chief , plunged the country 's `` peaceful revolution '' into uncertainty ."]} +{"id": "A96.33.4", "text": "Mr Jiri Dienstbier , the Forum spokesman , responded coolly to the appointment of the new Prime Minister , Mr Marian Calfa , and said that were the Communist Mr Calfa to remain in office the president would have to be a non-Communist .", "summaries": ["Jiri Dienstbier responded to the appointment of the new Prime Minister , Marian Calfa , and said that were the Communist Calfa to remain the president would have to be a non-Communist ."]} +{"id": "A96.33.5", "text": "`` At this moment he [ Calfa ] does not have the support of the Civic Forum , '' said Mr Dienstbier .", "summaries": ["`` [ Calfa ] does not have support , '' said Mr Dienstbier ."]} +{"id": "A96.33.6", "text": "`` So far he has not had the opportunity to appear to us a flexible and strong politician. '' The opposition leader , Mr Vaclav Havel , made much the same point about the new Prime Minister by stating that he had failed to attract much attention over two years in government office .", "summaries": ["`` he has not had the opportunity to appear strong '' The opposition leader , Vaclav Havel , made the point that he had failed to attract attention over years in office ."]} +{"id": "A96.33.7", "text": "Mr Calfa , aged 43 , is a Slovak , as is President Gustav Husak , whose imminent departure is all but certain given his association with the Warsaw Pact invasion of the country in 1968 .", "summaries": ["Calfa is a Slovak , as is President Gustav Husak , whose departure is certain given his association with the Warsaw Pact invasion of 1968 ."]} +{"id": "A96.33.8", "text": "With the existing ethnic balance between Czechs and Slovaks in senior positions , the new president has to be a Czech , thus ruling out Mr Alexander Dubcek , the leader of the Prague Spring of 1968 , who is also a Slovak .", "summaries": ["With the existing ethnic balance between Czechs and Slovaks , the new president has to be Czech , ruling out Alexander Dubcek ."]} +{"id": "A96.33.9", "text": "The obvious contender is Mr Havel , the Forum leader and the most popular man in the country .", "summaries": ["The obvious contender is Havel , the most popular man in the country ."]} +{"id": "A9E.33.0", "text": "President Elias Hrawi has threatened to resign if he fails to topple General Michel Aoun , whom he accused of blocking his way to unite and bring peace to Lebanon .", "summaries": ["President Elias Hrawi has threatened to resign if he fails to topple General Michel Aoun , whom he accused of blocking his way to bring peace to Lebanon ."]} +{"id": "A9E.33.1", "text": "`` I did not come to the presidency to become a president who will consolidate partition or to manage a crisis , '' he said yesterday .", "summaries": ["`` I did not come to the presidency to consolidate partition , '' he said ."]} +{"id": "A9E.33.10", "text": "But he added that patience had limits and he might wait a few days or two weeks .", "summaries": ["he added that patience had limits ."]} +{"id": "A9E.33.11", "text": "Syrian forces , Lebanese troops , and militiamen have been poised for a week for an attack to seize the palace .", "summaries": ["Syrian forces , Lebanese troops , and militiamen have been poised to seize the palace ."]} +{"id": "A9E.33.12", "text": "Diplomatic sources said Syria had increased its troops in Lebanon from about 30,000 to 45,000 since Mr Hrawi 's election .", "summaries": ["Syria had increased its troops in Lebanon to 45,000 since Hrawi 's election ."]} +{"id": "A9E.33.13", "text": "Mr Hrawi said no decision had been taken yet for a military showdown .", "summaries": ["Mr Hrawi said no decision had been taken for a military showdown ."]} +{"id": "A9E.33.14", "text": "He accused Gen Aoun of using as `` sandbags '' the thousands of Christians who have gathered outside the palace to deter an attack .", "summaries": ["He accused Aoun of using `` sandbags '' of Christians who have gathered to deter an attack ."]} +{"id": "A9E.33.2", "text": "`` I have come to restore Lebanon 's unity and extend the sovereignty of the government over Lebanese territory .", "summaries": ["`` I have come to restore Lebanon 's unity and extend the sovereignty of the government ."]} +{"id": "A9E.33.3", "text": "`` When my patience runs out with all the mediation and when I exhaust my capabilities I will issue a statement to all Lebanese and apologise .", "summaries": ["`` When I exhaust my capabilities I will apologise ."]} +{"id": "A9E.33.4", "text": "I will tell them `` this is your actual situation '' , and leave. '' Mr Hrawi has not been able to move into the presidential palace in the Beirut suburb of Baabda because it is occupied by Gen Aoun .", "summaries": ["I will tell them `` this situation '' , and leave. '' Mr Hrawi has not been able to move into the presidential palace because it is occupied by Gen Aoun ."]} +{"id": "A9E.33.5", "text": "He said foreign mediators had asked him not to use force to break Gen Aoun 's control of the enclave .", "summaries": ["mediators asked him not to use force to break Aoun 's control ."]} +{"id": "A9E.33.6", "text": "He refused to set a time within which he would step down , saying he was giving diplomacy time to solve the crisis peacefully .", "summaries": ["He refused to step down , giving time to solve the crisis peacefully ."]} +{"id": "A9E.33.7", "text": "It was essential to act quickly to avert the partition of Lebanon into religious cantons .", "summaries": ["It was essential to act quickly to avert the partition of Lebanon into religious cantons ."]} +{"id": "A9E.33.8", "text": "`` The country is living on a volcano , in a field of mines , '' he said .", "summaries": ["`` The country is living in a field of mines , '' he said ."]} +{"id": "A9E.33.9", "text": "`` I am against war and operations which disrupt peace and cause death and destruction , '' Mr Hrawi said .", "summaries": ["`` I am against war , '' Hrawi said ."]} +{"id": "A9E.36.0", "text": "A British nuclear weapon was detonated under the Nevada desert yesterday , the Us Energy Department said .", "summaries": ["A British nuclear weapon was detonated under the Nevada desert yesterday , the Energy Department said ."]} +{"id": "A9E.36.1", "text": "The blast , which registered 5.4 on the Richter scale , caused ripples in highrise buildings in Las Vegas , 105 miles away .", "summaries": ["The blast , registered 5.4 on the Richter scale , caused ripples in buildings in Las Vegas , miles away ."]} +{"id": "A9E.36.10", "text": "Despite calls for its closure on safety grounds , the Leaning Tower of Pisa is to remain open for the time being , the mayor said yesterday .", "summaries": ["Despite safety grounds , the Leaning Tower of Pisa is to remain open , the mayor said ."]} +{"id": "A9E.36.11", "text": "-Reuter .", "summaries": ["."]} +{"id": "A9E.36.12", "text": "Soviet ship fire .", "summaries": ["Soviet ship fire ."]} +{"id": "A9E.36.13", "text": "Two Russian seamen died but 80 crew members were rescued yesterday when a Soviet fish factory ship caught fire in the Bay of Biscay , the British coastguard said .", "summaries": ["Two Russian seamen died but 80 crew members were rescued when a Soviet factory ship caught fire ."]} +{"id": "A9E.36.14", "text": "-Reuter .", "summaries": ["."]} +{"id": "A9E.36.15", "text": "Benin reforms .", "summaries": ["Benin reforms ."]} +{"id": "A9E.36.16", "text": "The leadership of Benin , West Africa , facing popular discontent and unable to pay its bills , has formally denounced Communism and promises constitutional reforms by early next year .", "summaries": ["Benin , West Africa , unable to pay its bills , has denounced Communism and promises constitutional reforms by next year ."]} +{"id": "A9E.36.17", "text": "-Reuter. .", "summaries": ["."]} +{"id": "A9E.36.18", "text": "Journalists expelled .", "summaries": ["Journalists expelled ."]} +{"id": "A9E.36.19", "text": "European mercenaries ruling the Comoros Islands expelled 11 foreign correspondents after seizing their notebooks , film and cassette tapes and accusing them of inciting anti-government demonstrations , said one of the reporters .", "summaries": ["European mercenaries ruling the Comoros Islands expelled 11 foreign correspondents accusing them of inciting anti-government demonstrations ."]} +{"id": "A9E.36.2", "text": "The explosion , the 21st British test at the Nevada site , was conducted under an agreement with the Us. -ap .", "summaries": ["the 21st British test at the site was conducted under agreement with the Us. ."]} +{"id": "A9E.36.20", "text": "-Reuter. .", "summaries": ["."]} +{"id": "A9E.36.21", "text": "Flooding relief .", "summaries": ["Flooding relief ."]} +{"id": "A9E.36.22", "text": "Global warming will cause less coastal flooding than originally predicted , Us scientists say .", "summaries": ["Global warming will cause less flooding than predicted , scientists say ."]} +{"id": "A9E.36.23", "text": "The sea level will rise by about 14 inches instead of 39 .", "summaries": ["The sea will rise about 14 inches instead of 39 ."]} +{"id": "A9E.36.24", "text": "-ap .", "summaries": ["."]} +{"id": "A9E.36.3", "text": "Somalia rebel claim .", "summaries": ["Somalia rebel claim ."]} +{"id": "A9E.36.4", "text": "Somalia has denied a claim by rebels that they have captured Hargeisa , a war-torn provincial capital in the north .", "summaries": ["Somalia denied a claim by rebels that they captured Hargeisa , a provincial capital ."]} +{"id": "A9E.36.5", "text": "-Reuter .", "summaries": ["."]} +{"id": "A9E.36.6", "text": "Polish jail deaths .", "summaries": ["Polish jail deaths ."]} +{"id": "A9E.36.7", "text": "Three Polish prisoners were killed when riots broke out in five jails after parliament excluded habitual offenders from an amnesty .", "summaries": ["Three Polish prisoners were killed when riots broke out after parliament excluded habitual offenders from amnesty ."]} +{"id": "A9E.36.8", "text": "-Reuter .", "summaries": ["."]} +{"id": "A9E.36.9", "text": "Pisa tower open .", "summaries": ["Pisa tower open ."]} +{"id": "A9V.3.0", "text": "The man responsible for uncovering South Africa 's hit-squad scandal , the condemned security branch policeman Almond Nofomela , is being brought to court tomorrow by the authorities who are seemingly intent on hurrying him on to his postponed appointment with the hangman .", "summaries": ["The man responsible for uncovering South Africa 's hit-squad scandal , policeman Almond Nofomela , is being brought to court by the authorities who are intent on his appointment with the hangman ."]} +{"id": "A9V.3.1", "text": "Mr Nofomela is to appear in a Natal magistrate 's court to be charged with the murder of the Durban civil rights lawyer , Griffiths Mxenge .", "summaries": ["Mr Nofomela is to be charged with the murder of Durban civil rights lawyer , Griffiths Mxenge ."]} +{"id": "A9V.3.10", "text": "In townships outside Durban another three deaths were reported yesterday in continued fighting between supporters of the Zulu leader , Chief Mangosuthu Buthelezi , and the United Democratic Front --- bringing the weekend death toll to 21 .", "summaries": ["outside Durban three deaths were reported yesterday in fighting between supporters of the Zulu leader Buthelezi , and the United Democratic Front --- bringing the toll to 21 ."]} +{"id": "A9V.3.11", "text": "The violence appears to been started by an offensive against the Udf by Zulu warlords which began in the early hours of Saturday morning .", "summaries": ["The violence started by an offensive by Zulu warlords early Saturday ."]} +{"id": "A9V.3.12", "text": "In Johannesburg two men died in overnight bomb explosions at the city 's main railway station .", "summaries": ["In Johannesburg two men died in bomb explosions at the city 's railway station ."]} +{"id": "A9V.3.13", "text": "Police said they believed the men --- Yusuf Akhalwaya , aged 23 , a fourth-year student at the University of the Witwatersrand , and Prakash Napier , aged 24 , a part-time student --- were carrying landmines which exploded prematurely .", "summaries": ["Police believed the men --- Yusuf Akhalwaya , a student , and Prakash Napier , a student --- were carrying landmines which exploded ."]} +{"id": "A9V.3.14", "text": "A Soviet-made pistol was found at the scene of the explosion and a large arms cache --- including 17 mines , assault rifles and hand grenades --- was later discovered at the home of the two men .", "summaries": ["A pistol was found at the scene and a large arms cache was discovered at the home of the men ."]} +{"id": "A9V.3.15", "text": "Another bomb blast was reported on a railway line outside Cape Town .", "summaries": ["Another bomb blast was reported on a railway outside Cape Town ."]} +{"id": "A9V.3.16", "text": "The explosions may have been linked with a particularly violent six-week strike by railway workers in which seven people have died .", "summaries": ["The explosions have been linked with a violent strike by railway workers in which seven people have died ."]} +{"id": "A9V.3.17", "text": "Much of the violence has been blamed on mysterious `` vigilantes '' who have attacked township commuters refusing to pay their fares in solidarity with the strikers .", "summaries": ["Much of the violence has been blamed on `` vigilantes '' who attacked commuters refusing solidarity with the strikers ."]} +{"id": "A9V.3.18", "text": "President De Klerk will visit Maputo on Friday for talks with the Mozambican President , Mr Joaquim Chissano , the national news agency , Aim , said yesterday .", "summaries": ["President De Klerk will visit Maputo for talks with the Mozambican President , Mr Joaquim Chissano ."]} +{"id": "A9V.3.19", "text": "No details of the agenda were immediately available .", "summaries": ["No details were available ."]} +{"id": "A9V.3.2", "text": "It was Mr Nofomela 's confession to the killing --- the day before he was due to be executed for the murder of a white farmer --- which led to the disclosures that the force has been running professional death squads .", "summaries": ["Mr Nofomela 's confession to the killing --- the day before he was to be executed for the murder of a white farmer --- led to the disclosures that the force has been running death squads ."]} +{"id": "A9V.3.3", "text": "The civil rights organisation , Lawyers for Human Rights , was yesterday hastily making arrangements to find a defence team for Mr Nofomela .", "summaries": ["The civil rights organisation , Lawyers for Human Rights , was making arrangements to find a defence team for Mr Nofomela ."]} +{"id": "A9V.3.4", "text": "A director , Mr Ahmed Motala , said they had been informed by the Attorney General 's office `` that no request for a postponement will be entertained '' .", "summaries": ["director Ahmed Motala , said they had been informed by the Attorney General 's office `` no request for a postponement will be entertained '' ."]} +{"id": "A9V.3.5", "text": "So far as is known , nobody else has been arrested or charged in connection with the murder of Mr Mxenge The State President , Mr F. W. de Klerk , last week refused to order a judicial commission of inquiry into the death-squad allegations on the ground that it would be faster to use the `` tried and respected prosecution mechanisms of the state '' .", "summaries": ["nobody has been charged with the murder of Mr Mxenge The State President , Mr F. W. de Klerk , refused to order a commission of inquiry into the death-squad allegations on the ground that it would be faster to use the `` prosecution mechanisms of the state '' ."]} +{"id": "A9V.3.6", "text": "He said it was crucial that the matter be settled quickly so that the police could `` continue unhindered with the important tasks that lie ahead '' .", "summaries": ["He said it was crucial that the matter be settled so the police could `` continue with the tasks ahead '' ."]} +{"id": "A9V.3.7", "text": "An opposition Mp , Mr Jan Van Eck , yesterday accused the police of complicity in the latest fighting to break out at the Cape Town squatter camp , Crossroads .", "summaries": ["Mp Mr Jan Van Eck , accused the police of complicity in the latest fighting at the Cape Town squatter camp ."]} +{"id": "A9V.3.8", "text": "Mr Van Eck said that he had recorded documentary evidence that police --- some in plain clothes --- had been shooting supporters of local headmen who had broken away from the committee running Crossroads , alleging fraud and corruption .", "summaries": ["Mr Van Eck said he had evidence that police had been shooting supporters of headmen who had broken away from the committee running Crossroads , alleging corruption ."]} +{"id": "A9V.3.9", "text": "Five people have died in the violence , which broke out on Sunday night .", "summaries": ["Five people have died in the violence which broke out Sunday ."]} +{"id": "AA4.8.0", "text": "Czechoslovakia 's playwright-turned-politician , Mr Vaclav Havel , moved a step nearer to the presidency yesterday when the country 's Communist Prime Minister , Mr Marian Calfa , recommended that he should be installed by the end of the year .", "summaries": ["Czechoslovakia 's playwright-turned-politician , Vaclav Havel , moved nearer to the presidency when the country 's Prime Minister , Marian Calfa , recommended he should be installed ."]} +{"id": "AA4.8.1", "text": "Mr Calfa also said that all domestic operations of the dreaded secret police have been halted .", "summaries": ["Mr Calfa said all operations of the secret police have halted ."]} +{"id": "AA4.8.10", "text": "While these constitutional niceties were being debated , a crowd of students gathered in the rain a few hundred yards away in Wenceslas Square to demonstrate support for Mr Havel .", "summaries": ["While these constitutional niceties were debated , students gathered to support for Havel ."]} +{"id": "AA4.8.11", "text": "Balloons were released and Czechoslovak flags were waved as passing motorists sounded their horns in noisy support .", "summaries": ["Balloons released and Czechoslovak flags waved as passing motorists sounded their horns ."]} +{"id": "AA4.8.12", "text": "The chances of the man who was seen as a contender for the presidency until a few days ago , the former leader , Mr Alexander Dubcek , winning the post are now seen as receding .", "summaries": ["The chances for Alexander Dubcek winning are now receding ."]} +{"id": "AA4.8.13", "text": "Unconfirmed reports say he could become Speaker , a position of some honour but no great responsibility .", "summaries": ["reports say he could become Speaker , a position no great responsibility ."]} +{"id": "AA4.8.14", "text": "Mr Calfa went on to outline an economic programme which would be operational until free elections can be held .", "summaries": ["Mr Calfa went to outline an economic programme which would be operational until free elections ."]} +{"id": "AA4.8.15", "text": "`` The economic system of the last few decades has failed , '' he said .", "summaries": ["`` The economic system of the last decades failed , '' ."]} +{"id": "AA4.8.2", "text": "`` It is one of our priorities to adjust the work of the Interior Ministry to the new social conditions and turn this ministry into a component of state administration based on democratic principles ... As of today the operations of the police force in the field of internal intelligence have been stopped , '' Mr Calfa said .", "summaries": ["`` It is one of our priorities to adjust the Interior Ministry to administration based on democratic principles ... the operations of the police force in internal intelligence have been stopped , '' Calfa said ."]} +{"id": "AA4.8.3", "text": "Turning his attention to Mr Havel , the Prime Minister said , `` It is the government 's opinion that there is no alternative [ to him]. '' According to the constitution , Mr Havel should be elected by December 24 --- within two weeks of the resignation of President Husak .", "summaries": ["Turning to Havel , the Prime Minister said , `` there is no alternative '' According to the constitution , Mr Havel should be elected within two weeks of the resignation of Husak ."]} +{"id": "AA4.8.4", "text": "However , there were indications last night that some Communist deputies may seek to complicate the vote , by not turning up in sufficient numbers , or to delay it , possibly by as much as three weeks , to allow their own party to re-group after its recent humiliations .", "summaries": ["there were indications that Communist deputies may complicate the vote or delay it , to allow their party to re-group ."]} +{"id": "AA4.8.5", "text": "An `` extraordinary '' Congress to elect a new Party leadership opens in Prague today .", "summaries": ["An `` extraordinary '' Congress to elect a new Party leadership opens in Prague ."]} +{"id": "AA4.8.6", "text": "Mr Havel , himself a victim of the secret police , has spoken frequently of the never-ending threat of a house search , the knowledge that every visitor was photographed and every conversation bugged by the Communist regime .", "summaries": ["Mr Havel has spoken frequently of the threat of a house search , the knowledge that every visitor was photographed and every conversation bugged ."]} +{"id": "AA4.8.7", "text": "Mr Havel 's house was continously monitored from a nearby tower of the Manes gallery in central Prague , and cameras were installed by the secret police in other streets where dissidents lived .", "summaries": ["Havel 's house was monitored from a tower in Prague , and cameras were installed in streets where dissidents lived ."]} +{"id": "AA4.8.8", "text": "During the 41 years of Communist rule , an as yet undisclosed number of secret police agents were involved in continuous surveillance operations against citizens and were responsible for the interrogation and harassment of dissidents .", "summaries": ["During the 41 years of Communist rule , an undisclosed number of secret police were involved in surveillance operations against citizens and the harassment of dissidents ."]} +{"id": "AA4.8.9", "text": "Meanwhile , the Socialist Party , one of the four smaller parties represented in the assembly , announced last night that it would also be backing Mr Havel 's candidacy .", "summaries": ["the Socialist Party announced that it would be backing Havel 's candidacy ."]} +{"id": "AA5.2.0", "text": "The Environment Secretary , Mr Chris Patten , yesterday wrote to Mr Neil Kinnock , the Labour Party leader , demanding that he dissociate himself from proposals designed to stop the growth of second homes .", "summaries": ["The Environment Secretary , Chris Patten , wrote to Neil Kinnock , the Labour leader , demanding he dissociate himself from proposals designed to stop second homes ."]} +{"id": "AA5.2.1", "text": "The move came as the Labour Party 's housing spokesman , Mr Clive Soley , yesterday complained to the Press Council over newspaper reports that his party was proposing to ban second homes .", "summaries": ["The move came as Labour 's housing spokesman , Mr Clive Soley , complained over reports that his party was to ban second homes ."]} +{"id": "AA5.2.10", "text": "Under the Labour plans , property owners who wished to convert their house to second home status would need to secure planning permission first from the local council .", "summaries": ["Under the plans , property owners who wished to convert to second home status would need permission first ."]} +{"id": "AA5.2.11", "text": "Similarly it would be stated in the estate agents ' particulars whether permission had been granted for a house which is up for sale to be sold to someone who wanted to use it as a second home .", "summaries": ["it would be stated whether permission had been granted for a house which is up for sale as a second home ."]} +{"id": "AA5.2.12", "text": "At present such change of use consent is needed to convert a house into an office .", "summaries": ["such change of use consent is needed to convert a house into an office ."]} +{"id": "AA5.2.13", "text": "`` It would not be applied to someone who uses the house as their family home but works away from home for most of the week , '' said Mr Soley .", "summaries": ["`` It would not be applied to someone who uses the house as their family home but works away for most of the week , '' said Soley ."]} +{"id": "AA5.2.14", "text": "He added that in countries such as Italy the authorities charged double rates for the installation of such amenities as telephones , electricity and gas in second homes .", "summaries": ["He added that Italy charged double for the installation of amenities in second homes ."]} +{"id": "AA5.2.15", "text": "Mr John Wilkinson ( C. Ruislip Northwood ) , who came sixth in the private members ' bills ballot , yesterday announced a measure to make it obligatory to apply for planning permission before a dwelling house is demolished .", "summaries": ["John Wilkinson announced a measure to make it obligatory to apply for planning permission before a dwelling is demolished ."]} +{"id": "AA5.2.16", "text": "Mr Wilkinson , whose bill has a good chance of reaching the statute book , believes such a measure is necessary to curb growing surburban problem of overdevelopment through luxury blocks of flats being built by developers on plots previously occupied by a single house .", "summaries": ["Mr Wilkinson , whose bill has a good chance , believes such a measure is necessary to curb overdevelopment ."]} +{"id": "AA5.2.2", "text": "A Labour group reviewing planning law has proposed that local authorities be allowed to decide whether new second homes should need change of use planning consent .", "summaries": ["A Labour group has proposed local authorities be allowed to decide whether new second homes should need change of use planning consent ."]} +{"id": "AA5.2.3", "text": "Existing homes would not be affected .", "summaries": ["Existing homes would not be affected ."]} +{"id": "AA5.2.4", "text": "The aim is to give councils some control over the future growth of second homes .", "summaries": ["The aim is to give councils control over the growth of homes ."]} +{"id": "AA5.2.5", "text": "Mr Patten described it yesterday as a `` spiteful and impractical and authoritarian plan '' .", "summaries": ["Patten described it as a `` spiteful authoritarian plan '' ."]} +{"id": "AA5.2.6", "text": "But Mr Soley defended the policy in an interview with the Guardian : `` The problem is most acute in rural areas , such as the South-west , where there is a growing problem of ghost villages where 70 per cent of the houses are only occupied at weekends or during the summer , '' he said .", "summaries": ["Soley defended the policy : `` The problem is acute in rural areas where 70 per cent of the houses are only occupied at weekends or the summer '' ."]} +{"id": "AA5.2.7", "text": "`` At the same time there is lack of accommodation for local people .", "summaries": ["`` there is lack of accommodation for local people ."]} +{"id": "AA5.2.8", "text": "We have to offer the local authorities some way of restricting the growth of second homes , '' said Mr Soley .", "summaries": ["We offer the local authorities some way of restricting the growth of second homes , '' said Soley ."]} +{"id": "AA5.2.9", "text": "He said the demand for such a policy came from within planning circles and from some Conservative-controlled councils in the South-west , Cumbria and North Wales .", "summaries": ["the demand for a policy came from within planning circles and councils in the South-west , Cumbria and North Wales ."]} +{"id": "AA8.15.0", "text": "This was not a matter of political convenience .", "summaries": ["This was not a matter of political convenience ."]} +{"id": "AA8.15.1", "text": "I was drawn to Laurie at first meeting , when the local Co-operative Party nominated him as candidate for the 1959 general election .", "summaries": ["I was drawn to Laurie at first meeting , when the Co-operative Party nominated him as candidate for the 1959 election ."]} +{"id": "AA8.15.10", "text": "Always he was an inspiration .", "summaries": ["he was an inspiration ."]} +{"id": "AA8.15.11", "text": "Laurie had a passion and a warmth for people rather than the state .", "summaries": ["Laurie had a warmth for people rather than the state ."]} +{"id": "AA8.15.12", "text": "He represented the British Labour Movement at its best .", "summaries": ["He represented the Labour Movement at its best ."]} +{"id": "AA8.15.13", "text": "He stayed in Parliament despite ill health to ensure the good health of the the Labour party he believed in. I am so pleased to think that his kind of socialism `` without the state '' is now coming to the fore again in Labour politics .", "summaries": ["He stayed in Parliament to ensure the health of the the Labour party he believed in. I think his kind of socialism `` without the state '' is coming to the fore again ."]} +{"id": "AA8.15.14", "text": "We have much to bless and indeed warmly remember him for .", "summaries": ["We have much to remember him for ."]} +{"id": "AA8.15.2", "text": "From the bottom of the list of nominees he climbed to the top .", "summaries": ["he climbed to the top ."]} +{"id": "AA8.15.3", "text": "Laurie had a warmth of personality in all his doings with people and politics .", "summaries": ["Laurie had a warmth with people and politics ."]} +{"id": "AA8.15.4", "text": "For me his was pluralist socialism at its best --- in the service of the community .", "summaries": ["his was pluralist socialism at its best --- in the service of community ."]} +{"id": "AA8.15.5", "text": "A pacifist , co-operator , Third World volunteer , borough councillor , heartfelt socialist , he served the people of Brent warmly and well for 28 years .", "summaries": ["A pacifist , volunteer , councillor , socialist , he served Brent well for 28 years ."]} +{"id": "AA8.15.6", "text": "In the Commons he was an independently minded , but loyal member of the Parliamentary Labour Party .", "summaries": ["he was an independently minded , but loyal member of the Labour Party ."]} +{"id": "AA8.15.7", "text": "His concern for and knowledge of the Nhs was widely recognised --- and respected , though he never achieved the sort of ministerial office for which he was well qualified .", "summaries": ["His knowledge of the Nhs was widely recognised though he never achieved the ministerial office for which he was qualified ."]} +{"id": "AA8.15.8", "text": "We marched together to and from Aldermaston , we worked together for co-operative socialism , we campaigned together for health , welfare , employment , education and housing in our `` inner city '' constituencies .", "summaries": ["We marched together , we worked together , we campaigned together for health , welfare , employment , education and housing in our constituencies ."]} +{"id": "AA8.15.9", "text": "We worked for a wider Europe , international peace , development and disarmament .", "summaries": ["We worked for a wider Europe , international development and disarmament ."]} +{"id": "AAB.8.0", "text": "Panama is the latest in a series of rogue regimes , the menacing state of whose internal affairs has led to armed intervention by other countries --- and to an unresolved international tangle about the legality of such action .", "summaries": ["Panama is the latest of rogue regimes whose affairs led to armed intervention by other countries --- and to unresolved international legality of such action ."]} +{"id": "AAB.8.1", "text": "The chain has stretched from Uganda to Grenada and Nicaragua , since the 1970s .", "summaries": ["The chain has stretched from Uganda to Grenada and Nicaragua ."]} +{"id": "AAB.8.10", "text": "The President gave lower ranking to ancillary reasons : safeguarding democracy , combatting drug trafficking and protecting the integrity of the Panama Canal Treaty .", "summaries": ["The President gave lower ranking to safeguarding democracy , combatting trafficking and protecting the Panama Canal Treaty ."]} +{"id": "AAB.8.11", "text": "To experts in international law and relations , the Us action demonstrates a breach by a major power of international conventions .", "summaries": ["the Us action demonstrates a breach of international conventions ."]} +{"id": "AAB.8.12", "text": "It also shows the shortcomings of international law in not providing a mechanism for dealing with such situations .", "summaries": ["It shows the shortcomings of international law in not dealing with such situations ."]} +{"id": "AAB.8.13", "text": "Panama , as a sovereign state , can claim that any interference in its domestic affairs by another country contravenes the Un charter , says Paul Wilkinson , Professor of International Relations at St Andrew 's University .", "summaries": ["Panama can claim that interference in its domestic affairs by another country contravenes the Un charter , says Paul Wilkinson , Professor of International Relations at St Andrew 's University ."]} +{"id": "AAB.8.14", "text": "He points out that such a provision bans any invasion of sovereign territory , air space and maritime zones , even where there might seem to be good grounds .", "summaries": ["such a provision bans any invasion of sovereign territory , air space and maritime zones , even where there might be grounds ."]} +{"id": "AAB.8.15", "text": "`` That 's why human rights violations , even those by Idi Amin in Uganda , have been such embarrassments , because you ca n't legally do anything about them in international law , '' Prof Wilkinson says .", "summaries": ["`` human rights violations , even by Idi Amin in Uganda , have been such embarrassments , because you ca n't do anything about them in international law , '' Prof Wilkinson says ."]} +{"id": "AAB.8.16", "text": "The public , at least , generally reconciles its conscience if such interventions end cleanly , effectively and quickly , says another academic , Professor William Gutteridge , executive director of research at the Institute for Conflict .", "summaries": ["The public reconciles its conscience if interventions end cleanly , effectively and quickly , says Professor William Gutteridge , director of the Institute for Conflict ."]} +{"id": "AAB.8.17", "text": "It 's a cynical view , he admits , but if there are few casualties , people will tolerate such action , without condoning it , even though `` Americans have a habit of being very clumsy , as in Grenada '' .", "summaries": ["if there are few casualties , people will tolerate such action even though `` Americans have a habit of being clumsy , as in Grenada '' ."]} +{"id": "AAB.8.18", "text": "The thornier aspects continue to intrigue international legal experts .", "summaries": ["aspects intrigue international legal experts ."]} +{"id": "AAB.8.19", "text": "Prof Wilkinson points out that the international community might not decry unilateralist intervention provided that it approves of the outcome .", "summaries": ["Prof Wilkinson points out that the community might not decry intervention provided it approves of the outcome ."]} +{"id": "AAB.8.2", "text": "Experts cite Romania as a possible future instance where human rights violations could lead to a call for action from outside national boundaries .", "summaries": ["Experts cite Romania as where human rights violations could lead to action from outside national boundaries ."]} +{"id": "AAB.8.20", "text": "While intervention on the basis of protecting American lives might win approval because it could be classified as a humanitarian act , President Bush has apparently widened this to take in replacing one leader with another .", "summaries": ["While intervention on the basis of protecting American lives might win approval because it could be classified as humanitarian , President Bush has widened this to replacing one leader with another ."]} +{"id": "AAB.8.21", "text": "`` I do n't think what is happening in Panama can be compared to a raid to rescue hostages , '' says Prof Gutteridge .", "summaries": ["`` I do n't think what is happening in Panama can be compared to a raid to rescue hostages , '' says Prof Gutteridge ."]} +{"id": "AAB.8.22", "text": "Nor does the drugs menace pose a sufficient threat to Us security to justify the Us action , says Professor Wilkinson .", "summaries": ["Nor does the drugs menace pose a sufficient threat to Us security to justify the action , says Professor Wilkinson ."]} +{"id": "AAB.8.23", "text": "However , he feels that there are instances where regimes violating human rights might justifiably be subjected to external action .", "summaries": ["he feels there are instances where regimes violating human rights be subjected to external action ."]} +{"id": "AAB.8.24", "text": "He sees it as a weakness of international law that no such machinery exists , and argues that an internationally authorised force should be set up by the Un Security Council to intervene in rogue states on various continents .", "summaries": ["He argues that an internationally authorised force should be set up by the Un Security Council to intervene in rogue states ."]} +{"id": "AAB.8.25", "text": "Page", "summaries": ["Page"]} +{"id": "AAB.8.3", "text": "This strengthens the case for powers to be granted to the United Nations to deal with such conflicts .", "summaries": ["This strengthens the case for the United Nations to deal with such conflicts ."]} +{"id": "AAB.8.4", "text": "Gen Noreiga said last Friday that Panama considered itself at war with the Us so long as American aggression against Panamanians continued .", "summaries": ["Gen Noreiga said that Panama considered itself at war with the Us so long as American aggression continued ."]} +{"id": "AAB.8.5", "text": "The reaction of a Pentagon spokesman to the remark was first an incredulous `` What ? '' then laughter .", "summaries": ["The reaction of a Pentagon spokesman was incredulous ."]} +{"id": "AAB.8.6", "text": "The implication was that Gen Noreiga 's bravado could in no legal sense be taken as a declaration of hostilities .", "summaries": ["Gen Noreiga 's bravado could in no legal sense be taken as hostilities ."]} +{"id": "AAB.8.7", "text": "The mechanisms for registering and resolving a conflict via the United Nations , which would apply in this situation , had not been gone through by the general .", "summaries": ["The mechanisms resolving conflict via the United Nations , had not been gone through ."]} +{"id": "AAB.8.8", "text": "The thrust of the Bush justification for Us action was the very real danger to Us personnel .", "summaries": ["The Bush justification for action was the danger to Us personnel ."]} +{"id": "AAB.8.9", "text": "`` I have no higher obligation than to safeguard the lives of American citizens , '' he said on television .", "summaries": ["`` I have no higher obligation than to safeguard the lives of American citizens , '' he said ."]} +{"id": "AAC.10.0", "text": "The Ford Motor Company faces an all-out strike next month following the 4-1 ballot rejection yesterday of a two-year pay deal by its 32,000 hourly paid workers .", "summaries": ["Ford faces an all-out strike next month following the rejection of a pay deal by its 32,000 hourly workers ."]} +{"id": "AAC.10.1", "text": "They will be pressing for a settlement of more than 10 per cent in what will be the most severe test of the Government 's inflation policy .", "summaries": ["They will be pressing for more than 10 per cent in what will be the test of the Government 's inflation policy ."]} +{"id": "AAC.10.10", "text": "The unions said that they were looking for the second week in January to begin an all-out stoppage .", "summaries": ["The unions said they were looking for January to begin stoppage ."]} +{"id": "AAC.10.11", "text": "Mr Jimmy Airlie , secretary of the Ford union side , said : `` We expected to get a favourable majority .", "summaries": ["Jimmy Airlie , secretary of the Ford union , said : `` We expected a favourable majority ."]} +{"id": "AAC.10.12", "text": "This exceeded even our expectations. '' Mr Jack Adams , chairman of the union side , said that action would have to take place within a 28-day period from yesterday 's anouncement or it would be ruled out of order .", "summaries": ["This exceeded expectations. '' Jack Adams , chairman of the union , said action would take place within a 28-day period from anouncement ."]} +{"id": "AAC.10.13", "text": "He thought the big strike vote was partly due to Ford 's record profits last year of \u00a3673 millions .", "summaries": ["He thought the strike vote was due to Ford 's record profits of \u00a3673 millions ."]} +{"id": "AAC.10.14", "text": "The company is likely to be affected by a series of unofficial stoppages before any official action begins , as it was in the lead up to negotiations when Ford 's final offer was rejected last month .", "summaries": ["The company is likely to be affected by unofficial stoppages before official action begins ."]} +{"id": "AAC.10.2", "text": "The two-year deal amounted to 9.5 per cent for the first year and inflation plus 2.5 per cent for the second .", "summaries": ["The deal amounted to 9.5 per cent for the first and inflation plus 2.5 per cent for the second ."]} +{"id": "AAC.10.3", "text": "Improvements in certain allowances were made , described as divisive by the unions , but the company has refused to compromise on a reduction in the shorter working week .", "summaries": ["Improvements were made , but the company has refused to compromise on a reduction in the shorter working week ."]} +{"id": "AAC.10.4", "text": "Ford dismissed an immediate meeting with the unions but did not rule out talks after Christmas .", "summaries": ["Ford dismissed meeting the unions but did not rule out talks after Christmas ."]} +{"id": "AAC.10.5", "text": "It said that a strike would be damaging to the company and to its staff .", "summaries": ["It said a strike would be damaging to the company and its staff ."]} +{"id": "AAC.10.6", "text": "Production closed down at Ford last night for the Christmas period .", "summaries": ["Production closed at Ford for Christmas ."]} +{"id": "AAC.10.7", "text": "Plants will open again on January 2 .", "summaries": ["Plants open January 2 ."]} +{"id": "AAC.10.8", "text": "Staff voted 20,343 in favour of action , with 4,727 against .", "summaries": ["Staff voted 20,343 in favour , 4,727 against ."]} +{"id": "AAC.10.9", "text": "The electricians are holding a postal ballot with the results announced after Christmas .", "summaries": ["The electricians are holding a postal ballot with results after Christmas ."]} +{"id": "AAL.37.0", "text": "Mr Norman Tebbit 's decision to raise the stakes in the Conservatives ' Hong Kong immigration row with a brutal attack on the Cabinet 's policy last night convinced some MPs that he is preparing a bid for the party leadership when Mrs Thatcher retires .", "summaries": ["Norman Tebbit 's brutal attack on Cabinet policy convinced MPs he is preparing a bid for the party leadership when Thatcher retires ."]} +{"id": "AAL.37.1", "text": "The former Cabinet minister refused to rule out the possibility in the wake of his scornful accusation that the Prime Minister 's shrewd political instincts had been led astray by the `` Irish logic '' of the Foreign Office , though he did say it was `` very unlikely '' .", "summaries": ["The former minister refused to rule out the possibility in the wake of his accusation that the Prime Minister 's instincts had been led astray , though he did say it was `` unlikely '' ."]} +{"id": "AAL.37.10", "text": "`` It 's his bid for the leadership , '' one prominent ex-minister on the right of the party said .", "summaries": ["`` It 's his bid for leadership , '' one ex-minister said ."]} +{"id": "AAL.37.11", "text": "`` It 's the one thing he can outflank both Baker and Heseltine on. '' A party official said : `` It 's the Powellite coalition , anti-immigrant , anti-Europe. '' A Tory wet added : `` He feels that the right has not got a standard-bearer or a contender .", "summaries": ["`` he can outflank Baker and Heseltine '' A party official said : `` It 's Powellite , anti-immigrant , anti-Europe. '' A Tory added : `` He feels the right has not got a contender ."]} +{"id": "AAL.37.12", "text": "He may begin as a standard-bearer and allow himself to be persuaded to go forward as a contender. '' Against such calculations were those MPs who believe the hard-right strategy would not work and that Mr Tebbit is too flawed , too shrewd and too devoted to his wife , Margaret --- crippled in the Ira 's Brighton bombing of 1984 --- to make a serious bid .", "summaries": ["He may begin as a standard-bearer and go forward as a contender. '' Against such calculations were those who believe the strategy would not work and that Tebbit is too devoted to his wife --- crippled in the Ira 's Brighton bombing of 1984 --- to make a bid ."]} +{"id": "AAL.37.13", "text": "To run as a spoiler , simply to block Michael Heseltine 's ambition to become leader , is another option he has voiced .", "summaries": ["To run simply to block Michael Heseltine is another option ."]} +{"id": "AAL.37.14", "text": "Immigration grenade , page 6", "summaries": ["Immigration grenade"]} +{"id": "AAL.37.2", "text": "In the absence of a clear candidate of the right next time , some MPs suspect that Mr Tebbit may be manoeuvring to become a serious outside runner rather than a king-maker .", "summaries": ["In the absence of a candidate of the right , some suspect that Tebbit may be manoeuvring to become a serious runner ."]} +{"id": "AAL.37.3", "text": "Coming on top of Wednesday 's Commons confrontation with Mr Doulgas Hurd , the Foreign Secretary --- in front of Mrs Thatcher --- Mr Tebbit 's column in yesterday 's London Evening Standard dramatically departed from normally discreet Tory methods of party in-fighting .", "summaries": ["Coming on top of Commons confrontation with Doulgas Hurd , Tebbit 's column in yesterday 's London Evening Standard departed from discreet Tory methods of in-fighting ."]} +{"id": "AAL.37.4", "text": "He described the Cabinet as split between `` bitterly opposed factions '' led by Mr Hurd on one side and his successor as Home Secretary , Mr David Waddington , on the other .", "summaries": ["He described the Cabinet as split between `` factions '' led by Hurd and David Waddington ."]} +{"id": "AAL.37.5", "text": "He even named the Government Chief Whip , Mr Tim Renton , and the party chairman , Mr Kenneth Baker , as Waddington allies who `` saw the danger ( but ) failed to prevent such a folly '' which , Mr Tebbit argued , was in danger of handing back to an opportunist Labour Party the very `` key group of voters whose support is vital for a fourth election victory '' --- by implication Tory populists sensitive to what he called `` being swamped by people of different culture , history and religion '' .", "summaries": ["He named the Whip , Tim Renton , and chairman , Kenneth Baker , as Waddington allies who `` saw but failed to prevent a folly '' which Tebbit argued , was in danger of handing Labour the `` voters whose support is vital for victory '' --- Tory populists sensitive to `` people of different culture , history and religion '' ."]} +{"id": "AAL.37.6", "text": "In another passage evocative of past attempts to play the race card , Mr Tebbit wrote that `` most people in Britain did not want to live in a multicultural , multiracial society , but it has been foisted on them '' .", "summaries": ["Tebbit wrote that `` people in Britain did not want a multicultural , multiracial society , but it has been foisted on them '' ."]} +{"id": "AAL.37.7", "text": "Few Conservative MPs doubt the sincerity of Mr Tebbit 's gut hostility to the plan to give British passports to up to 225,000 Hong Kongers as an insurance policy designed to `` anchor '' them in the troubled colony .", "summaries": ["Few doubt the sincerity of Tebbit 's hostility to give British passports to 225,000 Hong Kongers to `` anchor '' them in the colony ."]} +{"id": "AAL.37.8", "text": "But even some admirers were puzzled by the aggressively public way he has pursued it , the more so since he has been careful to acknowledge that there may not be enough rebels to defeat the Government 's legislation with --- `` a sad day for me '' --- Labour 's help .", "summaries": ["some were puzzled by the public way he pursued it , since there may not be enough rebels to defeat the Government 's legislation ."]} +{"id": "AAL.37.9", "text": "Critics were appalled at the split .", "summaries": ["Critics were appalled ."]} +{"id": "AAT.2.0", "text": "The crucial elections campaign , in which Moldavian nationalists will challenge the Communist Party for control of the Soviet republic 's government in February , is being launched today .", "summaries": ["The elections campaign , in which Moldavian nationalists will challenge the Communist Party , is launched ."]} +{"id": "AAT.2.1", "text": "While senior members of the party and government hold a series of meetings around the city , the Stefan the Great Movement for National Revival is holding what it calls a `` great gathering '' in the main stadium .", "summaries": ["While members of the government hold meetings , the Stefan the Great Movement for National Revival is holding a `` great gathering '' in the stadium ."]} +{"id": "AAT.2.10", "text": "He did so and , according to students who were present , spoke in amiable and conciliatory terms .", "summaries": ["He did so and spoke in conciliatory terms ."]} +{"id": "AAT.2.11", "text": "But the students , members of the Popular Front through their own organisation , the Students ' League , said they were less happy with his performance at a meeting with them last Wednesday .", "summaries": ["members of the Students ' League said they were less happy with his performance at a meeting last Wednesday ."]} +{"id": "AAT.2.12", "text": "They said he answered some of their questions sarcastically and spoke in Russian , even though he is bilingual and the questions had been put to him in Moldavian .", "summaries": ["They said he answered some questions sarcastically and in Russian , even though the questions had been in Moldavian ."]} +{"id": "AAT.2.13", "text": "However , as yesterday 's Moldavian press reported , he spoke encouragingly about abandoning Article Six of the constitution , which guarantees the party 's leading role in society --- although not just yet .", "summaries": ["he spoke encouragingly about abandoning the party 's leading role in society --- although not yet ."]} +{"id": "AAT.2.14", "text": "But , not surprisingly , Mr Luchinsky flatly rejected any suggestion of changing Moldavia 's frontiers --- an allusion to unity with Romania .", "summaries": ["Luchinsky rejected changing Moldavia 's frontiers to unity with Romania ."]} +{"id": "AAT.2.15", "text": "`` Anyone who starts talking about reviewing territorial frontiers is consciously moving towards confrontation , and incidentally , not only with local significance , '' he warned .", "summaries": ["`` Anyone talking about reviewing territorial frontiers is moving towards confrontation , '' he warned ."]} +{"id": "AAT.2.16", "text": "Although the students accepted this , and demanded only an open frontier with Romania , across which relatives could easily visit each other , some nationalists are certainly going to raise the issue .", "summaries": ["Although the students accepted an open frontier across which relatives could easily visit , some nationalists are going to raise the issue ."]} +{"id": "AAT.2.17", "text": "Among the slogans of the Stefan the Great Movement are not only `` Liberty '' , but also `` Unity '' , which means unity with Romania .", "summaries": ["the slogans of the Stefan the Great Movement are not only `` Liberty '' , but also `` Unity '' , with Romania ."]} +{"id": "AAT.2.18", "text": "The appeal which this call makes to Moldavians cannot be matched by Mr Luchinsky or his party .", "summaries": ["The appeal this makes to Moldavians cannot be matched ."]} +{"id": "AAT.2.19", "text": "No one at this stage is prepared to hazard a guess at the outcome of the poll on February 25 .", "summaries": ["No one is prepared to guess the outcome of the poll ."]} +{"id": "AAT.2.2", "text": "The rally has been officially authorised and no violence is expected .", "summaries": ["The rally has been authorised and no violence expected ."]} +{"id": "AAT.2.20", "text": "The Stefan the Great Movement is not part of the Popular Front , which is the main umbrella group co-ordinating the opposition campaign , although many people are members of both .", "summaries": ["The Stefan the Great Movement is not part of the Popular Front , the main umbrella group co-ordinating the opposition campaign , although many are members of both ."]} +{"id": "AAT.2.21", "text": "But if it is not calling for immediate independence , or for unity with Romania , the Popular Front is certainly demanding sovereign autonomy for Moldavia and a renewal of national culture and identity .", "summaries": ["if it is not calling for independence , or for unity , the Front is demanding autonomy and a renewal of national culture ."]} +{"id": "AAT.2.22", "text": "While also talking of national renewal , the Communist Party emphasises its ability to concentrate resources on reviving the economy in a way that a Popular Front government could hardly expect to .", "summaries": ["also talking of national renewal , the Communist Party emphasises its ability to concentrate on the economy in a way that a Popular Front government could hardly expect to ."]} +{"id": "AAT.2.23", "text": "However , its record on the economy , housing and social services inspires little respect .", "summaries": ["However , its record on the economy , housing and social services inspires little ."]} +{"id": "AAT.2.24", "text": "With Romania seething next door , Mr Luchinsky will have his work cut out to capture the spirit of Stefan the Great from those who present themselves as his heirs .", "summaries": ["With Romania next door , Luchinsky will work to capture the spirit of Stefan the Great from those who present themselves as his heirs ."]} +{"id": "AAT.2.3", "text": "But the movement will make a strong appeal to passionate feelings of renewed nationhood in Moldavia , which have been fanned by events in neighbouring Romania .", "summaries": ["the movement will appeal to feelings of nationhood in Moldavia , fanned by events in Romania ."]} +{"id": "AAT.2.4", "text": "The Communist Party cannot match this .", "summaries": ["The Communist Party cannot match this ."]} +{"id": "AAT.2.5", "text": "But it has other weapons which it deploys with some skill .", "summaries": ["it has weapons it deploys with skill ."]} +{"id": "AAT.2.6", "text": "The republic 's new party leader , appointed after violent clashes last month between nationalist demonstrators and the security forces , is a good conciliator who has created a favourable impression among many Moldavians .", "summaries": ["The party leader , appointed after clashes last month between nationalist demonstrators and security forces , has created a favourable impression among Moldavians ."]} +{"id": "AAT.2.7", "text": "A native-born Moldavian despite his Russian name , Mr Pyotr Luchinsky , the new first secretary has been going the rounds , talking to people in soothing terms all over the republic .", "summaries": ["A Moldavian despite his name , Pyotr Luchinsky , has been talking to people all over the republic ."]} +{"id": "AAT.2.8", "text": "It seems to have been working --- up to a point at least --- and even members of the opposition Popular Front agree that he has been accepted by many Moldavians .", "summaries": ["It seems to have been working and members of the opposition agree he has been accepted by many Moldavians ."]} +{"id": "AAT.2.9", "text": "He went down extremely well last Sunday , for example , when many people gathered outside the party 's central committee building in an unauthorised meeting and called on him to come out and talk to them .", "summaries": ["He went down well when people gathered outside the committee building in an unauthorised meeting and called him to come out and talk ."]} +{"id": "AAT.5.0", "text": "Israel yesterday maintained an embarrassed official silence on the capture by Us troops in Panama of Mike Harari , a former Mossad officer and close aide to the deposed Panamanian leader , General Manuel Noriega .", "summaries": ["Israel maintained silence on the capture by Us troops of Mike Harari , a former Mossad officer and close aide to Manuel Noriega ."]} +{"id": "AAT.5.1", "text": "Harari was in charge of Israel 's intelligence networks in Mexico , Central America and the Caribbean until his retirement in 1979 , after a 25 year career , when he became Panama 's commercial attache and honorary consul in Tel Aviv before rejoining Gen Noriega in Panama City two years ago .", "summaries": ["Harari was in charge of Israel 's intelligence in Central America and the Caribbean until his retirement in 1979 , when he became Panama 's honorary consul in Tel Aviv before rejoining Gen Noriega in Panama City two years ago ."]} +{"id": "AAT.5.10", "text": "In the 1950s he joined the Shin Bet internal security service and by the early 1960s was operating secretly in Europe , running agents into Arab countries for Mossad .", "summaries": ["In the 1950s he joined the Shin Bet security service and by the 1960s was operating in Europe , running agents for Mossad ."]} +{"id": "AAT.5.11", "text": "Known as a field man par excellence , he led the Israeli assassination teams that hunted down and killed Palestinians involved in the Black September terrorist organisation in the early 1970s .", "summaries": ["he led the Israeli teams that killed Palestinians involved in the Black September organisation in the 1970s ."]} +{"id": "AAT.5.12", "text": "The Mossad squads were set up after the massacre of 11 Israeli athletes at the Munich Olympic games in September , 1972 .", "summaries": ["The Mossad squads were set up after the massacre of 11 Israeli athletes at the Munich Olympic games in 1972 ."]} +{"id": "AAT.5.13", "text": "But in July , 1973 , Harari led a group which accidentally killed an innocent Moroccan waiter in the Norwegian town of Lillehammer .", "summaries": ["in July , 1973 , Harari led a group which killed an innocent Moroccan waiter in the Norwegian town of Lillehammer ."]} +{"id": "AAT.5.14", "text": "Harari left Mossad in 1978 , and shortly afterwards became a private businessman .", "summaries": ["Harari left Mossad in 1978 and became a private businessman ."]} +{"id": "AAT.5.15", "text": "By 1980 he was working in Central America , where he befriended Gen Noriega 's predecessor , Omar Torrijos .", "summaries": ["By 1980 he was working in Central America , where he befriended Noriega 's predecessor , Omar Torrijos ."]} +{"id": "AAT.5.16", "text": "He supplied Israeli security personnel to guard the Panamanian leaders and train their own forces , and later became involved in official Israel arms sales to the central American country .", "summaries": ["He supplied security personnel to guard the Panamanian leaders and train their forces , and became involved in official Israel arms sales to the central American country ."]} +{"id": "AAT.5.17", "text": "He remains the most notorious of a large group of retired Israeli intelligence and security men whose dubious activities in support of unsavoury regimes have embarrassed their own government .", "summaries": ["He remains the most notorious of a group of Israeli intelligence and security men whose activities in support of unsavoury regimes have embarrassed their own government ."]} +{"id": "AAT.5.18", "text": "Former Mossad colleagues have insisted hotly that Harari could not have been involved in the drugs trade , but he is clearly a hard man to defend .", "summaries": ["Former colleagues have insisted that Harari could not have been involved in the drugs trade , but he is a hard man to defend ."]} +{"id": "AAT.5.19", "text": "`` The greatest damage to Israel , '' says Meir Amit , a former head of the intelligence agency , `` is that rather than being known as producers in agriculture , in genetics , or in medicine , our trademark is the security business. '' A second Israeli who acted as a civilian chief of Gen Noriega 's personal security team , Eliezer Ben Gaitan , took refuge in the papal mission in Panama City with the deposed dictator , and was detained by Us troops on Tuesday .", "summaries": ["`` The damage to Israel , '' says Meir Amit , a former head of intelligence , `` is that rather than being known in agriculture , genetics , or medicine , our trademark is security '' A second Israeli who acted as a chief of Gen Noriega 's security team , Eliezer Ben Gaitan , was detained by Us troops ."]} +{"id": "AAT.5.2", "text": "He is credited with forcing Gen Noriega to remove a portrait of Adolf Hitler from the wall of his secret bunker , training the dictator 's personal bodyguard , setting up his computer networks and complex personal banking system , and establishing a small and private intelligence team to watch over the Panamanian secret police and military intelligence .", "summaries": ["He is credited with forcing Gen Noriega to remove a portrait of Adolf Hitler from his bunker , training the dictator 's bodyguard , setting up his computer and personal banking system , and establishing a small intelligence team to watch the Panamanian secret police and military intelligence ."]} +{"id": "AAT.5.20", "text": "Well-paid for his services to Gen Noriega , Harari was known in Panama as `` Mr Sixty Percent , '' according to Panama 's former Ambassador to Tel Aviv , Mr Eduadro Herero Hassan , who was flown back to Panama this week by the Us to help rebuild a new Panamanian security force .", "summaries": ["Well-paid for his services to Gen Noriega , Harari was known as `` Mr Sixty Percent , '' according to Panama 's former Ambassador to Tel Aviv , Mr Hassan , who was flown back to Panama to help rebuild a Panamanian security force ."]} +{"id": "AAT.5.3", "text": "The Us repeatedly asked Israel to ensure that Harari , aged 62 , to leave Panama , but Israel insisted that he was a private citizen , a claim which was treated with considerable scepticism by Washington .", "summaries": ["The Us asked Israel that Harari leave Panama , but Israel insisted he was a private citizen , which was treated with scepticism by Washington ."]} +{"id": "AAT.5.4", "text": "Us officials claim the Israeli has been involved not only in security matters in Panama but also in the drug traffic for which Gen Noriega , now hiding in the Vatican embassy , is wanted by Washington .", "summaries": ["Us officials claim the Israeli has been involved not only in security matters but also in the drug traffic for which Noriega is wanted ."]} +{"id": "AAT.5.5", "text": "For all his international notoriety , Harari is barely known in his native country , and the one photograph known to exist of him was reprinted on the front pages of newspapers yesterday accompanying the news of his arrest .", "summaries": ["Harari is barely known in his native country , and the photograph of him was reprinted on the front of newspapers accompanying the news of his arrest ."]} +{"id": "AAT.5.6", "text": "It was taken in 1985 when , as Panama 's honorary consul in Israel , he accompanied Gen Noriega on an official visit .", "summaries": ["It was taken when , as Panama 's consul in Israel , he accompanied Gen Noriega on an official visit ."]} +{"id": "AAT.5.7", "text": "It shows him , impassive in dark glasses , standing behind the saluting general .", "summaries": ["It shows him standing behind the general ."]} +{"id": "AAT.5.8", "text": "Harari spent much of his adult life in Israel 's secret world .", "summaries": ["Harari spent much of his life in Israel 's secret world ."]} +{"id": "AAT.5.9", "text": "Born in Tel Aviv in 1927 , he worked as a radio operator in Italy for the pre-state Haganah militia during the campaign to smuggle Jewish Holocaust survivors past the British naval blockade of Palestine .", "summaries": ["Born in Tel Aviv in 1927 , he worked as a radio operator in Italy during the campaign to smuggle Holocaust survivors past the blockade of Palestine ."]} +{"id": "AHX.23.0", "text": "Boys Gerald Sterling , 13 , the Conservative candidate , had to cut short his speech because he had a music lesson .", "summaries": ["Boys Gerald Sterling , 13 , the Conservative candidate , had to cut his speech because he had a lesson ."]} +{"id": "AHX.23.1", "text": "Alex Orton-Green , 15 , of the Funky Junky Party , wore his long hair in a pigtail , and Robert Hutchinson , 15 , representing the Football Supporters-Normal Persons Party , was standing for everyone who thinks rugby is boring .", "summaries": ["Alex Orton-Green , 15 , of the Funky Junky Party , wore his hair in a pigtail , and Robert Hutchinson , 15 , representing the Football Persons Party , was standing for everyone who thinks rugby boring ."]} +{"id": "AHX.23.10", "text": "Sam Stopps , 14 , for Labour , was serious and intense , but caused giggles when he raised the subject of crime .", "summaries": ["Sam Stopps , 14 , for Labour , was serious but caused giggles when he raised the subject of crime ."]} +{"id": "AHX.23.11", "text": "`` To improve crime , we will put more money into the police , '' he pronounced .", "summaries": ["`` To improve crime , we will put money into the police , '' he pronounced ."]} +{"id": "AHX.23.12", "text": "Magnus Fehn , 13 , was representing his own creation , the New Democracy Party , which plans to fleece the rich and tax the Queen .", "summaries": ["Magnus Fehn , 13 , was representing his own New Democracy Party , which plans to fleece the rich and tax the Queen ."]} +{"id": "AHX.23.13", "text": "Both policies got a big hand .", "summaries": ["Both policies got a big hand ."]} +{"id": "AHX.23.14", "text": "Alex Orton-Green wanted to go further .", "summaries": ["Alex Orton-Green wanted to go further ."]} +{"id": "AHX.23.15", "text": "The monarchy should be abolished and the land of the aristocracy confiscated to pay for putting England back on its feet .", "summaries": ["The monarchy should be abolished and the land confiscated to pay for putting England on its feet ."]} +{"id": "AHX.23.16", "text": "The most senior candidate , Adam Matthews , 16 , of the Socialist Labour Party , said his party would abolish the Queen , generals and public schools , put the Royal Family out to work as wardens in nature parks , and prosecute Arsenal under the Trade Descriptions Act for calling themselves a football team .", "summaries": ["candidate Adam Matthews , 16 , of the Socialist Labour Party , said his party would abolish the Queen , put the Royal Family to work in nature parks , and prosecute Arsenal under the Trade Descriptions Act for calling themselves a football team ."]} +{"id": "AHX.23.2", "text": "The Big Election Debate took place in the Goddard Library of the boys '' school of Haberdashers ' Aske 's Hatcham College in New Cross , south London , which is a City Technology College .", "summaries": ["The Election took place in the boys school of Aske 's Hatcham College in London , a City Technology College ."]} +{"id": "AHX.23.3", "text": "Polling day is on Wednesday .", "summaries": ["Polling day is Wednesday ."]} +{"id": "AHX.23.4", "text": "The mock election has been organised by Mr Ian Gerrard , a history master , chairman of the Literary and Debating Society and returning officer , who confessed that it had been a bit of a `` sleazy '' campaign .", "summaries": ["The mock election has been organised by Ian Gerrard , chairman of the Debating Society , who confessed it had been a a `` sleazy '' campaign ."]} +{"id": "AHX.23.5", "text": "Gerald Sterling neatly summed up the Conservative case : `` Voting Labour means high taxes , high taxes mean less to spend , less to spend means fewer things bought , fewer things bought means fewer things produced , and fewer things produced means less work for everyone. '' His exit left the floor open for the political twins , Matthew Jackson , 13 , for the Socialist Workers , and his brother Thomas , for the Lib Dems .", "summaries": ["Gerald Sterling summed up the Conservative case : `` Voting Labour means taxes , less to spend means fewer things bought , and fewer things produced means less work '' His exit left the floor open for twins , Matthew Jackson , 13 , for the Socialist Workers , and brother Thomas , for the Lib Dems ."]} +{"id": "AHX.23.6", "text": "Matthew 's style was snappy : `` John Major was the Chancellor who got us into recession and he is the Prime Minister who is n't going to get us out ... '' His brother 's party was no better , in his opinion .", "summaries": ["Matthew 's style was snappy : `` John Major got us into recession and he is n't going to get us out '' His brother 's party was no better , ."]} +{"id": "AHX.23.7", "text": "`` The Liberal Democrats have changed their policies eight times in seven years , '' he said .", "summaries": ["`` The Liberal Democrats have changed policies eight times in seven years , '' he said ."]} +{"id": "AHX.23.8", "text": "Thomas Jackson accused his brother of being a Communist .", "summaries": ["Thomas Jackson accused his brother of being a Communist ."]} +{"id": "AHX.23.9", "text": "But he bravely touched on the issue of CTCs , which he said his party would scrap .", "summaries": ["he touched on CTCs , which he said his party would scrap ."]} +{"id": "AHX.5.0", "text": "A British woman may have found the body of her murdered 20-year-old son after a three-year hunt .", "summaries": ["A British woman found the body of her murdered 20-year-old son after a three-year hunt ."]} +{"id": "AHX.5.1", "text": "She was in a Canadian hospital last night suffering from exhaustion .", "summaries": ["She was in a Canadian hospital suffering from exhaustion ."]} +{"id": "AHX.5.10", "text": "She is spending two days isolated from the world. '' Mr Allan , a garment manufacturer who married Denise five years ago , said she was `` deeply upset '' .", "summaries": ["She is spending two days isolated '' Mr Allan said she was `` upset '' ."]} +{"id": "AHX.5.11", "text": "He plans to fly to Canada on Wednesday to bring her home .", "summaries": ["He plans to fly to Canada to bring her home ."]} +{"id": "AHX.5.12", "text": "`` It 's been building up to this .", "summaries": ["`` It 's been building up ."]} +{"id": "AHX.5.13", "text": "Everything has pointed towards a body being found. '' `` If it had n't been for her courage and fortitude in going out there and taking on the role of investigator , private detective and motivator , those files would still be closed and the police would just have an unsolved case of a missing person. '' Police now considered the case a murder inquiry and were appealing for any information that would lead to the killer .", "summaries": ["Everything has pointed towards a body '' `` If it had n't been for her taking on the role of private detective , the police would just have an unsolved case of a missing person. '' Police considered the case a murder inquiry and were appealing for information ."]} +{"id": "AHX.5.14", "text": "Mrs Allan 's son disappeared in May , 1989 , after a party during his back-packing trip across North America .", "summaries": ["Mrs Allan 's son disappeared in 1989 , after a party during his trip across North America ."]} +{"id": "AHX.5.15", "text": "Nothing was heard from him after he faxed a message home giving arrangements for his mother to meet him to celebrate her 40th birthday .", "summaries": ["Nothing was heard after giving arrangements for his mother to meet him to celebrate her birthday ."]} +{"id": "AHX.5.16", "text": "She flew to Canada to retrace his steps a month later but had to return after running out of money .", "summaries": ["She flew to Canada to retrace his steps a month later ."]} +{"id": "AHX.5.17", "text": "After two years with no news , Mrs Allan sold her beauty salon in Bradford and raised a \u00a320,000 loan to resume the search a month ago .", "summaries": ["After two years with no news , Mrs Allan sold her beauty salon and raised a loan to resume the search ."]} +{"id": "AHX.5.18", "text": "After she placed an advertisement in a Canadian newspaper , an anonymous hand-written letter was delivered to her motel .", "summaries": ["After she placed an advertisement in a newspaper , an anonymous letter was delivered to her ."]} +{"id": "AHX.5.19", "text": "It said : `` We were partying with your son on May 26 and this is the last time we could establish that he was alive .", "summaries": ["It said : `` We were partying on May 26 and this is the last time we could establish that he was alive ."]} +{"id": "AHX.5.2", "text": "Mrs Denise Allan , 42 , of Sowerby , West Yorks , led a campaign to find out what happened to her son , Charles , after he vanished while trekking across Canada .", "summaries": ["Denise Allan led a campaign to find her son , Charles , after he vanished trekking across Canada ."]} +{"id": "AHX.5.20", "text": "Two people knocked him out but he died .", "summaries": ["people knocked him out but he died ."]} +{"id": "AHX.5.21", "text": "His body is in Lake Okanagan by the bridge. '' An underwater search was launched .", "summaries": ["His body is in Lake Okanagan '' An underwater search was launched ."]} +{"id": "AHX.5.22", "text": "Mrs Allan used her own funds to hire local divers and a submersible camera crew at a cost of \u00a3500 per day .", "summaries": ["Mrs Allan used her funds to hire divers and a submersible camera crew at a cost of \u00a3500 per day ."]} +{"id": "AHX.5.23", "text": "Then last week a second note , in the same handwriting , informed Mrs Allan that the search was on the wrong side of the bridge .", "summaries": ["last week a second note informed Mrs Allan the search was on the wrong side of the bridge ."]} +{"id": "AHX.5.24", "text": "The body was found a day later .", "summaries": ["The body was found a day later ."]} +{"id": "AHX.5.25", "text": "Mr Allan , who likened his wife 's campaign to that of the father of murdered British woman Julie Ward in Kenya , said : `` It 's most important we have something positive even though it is bad news. ''", "summaries": ["Mr Allan said : `` It 's important we have something even though it is bad news. ''"]} +{"id": "AHX.5.3", "text": "A body was found on Saturday in Okanagan lake 200 miles east of Vancouver .", "summaries": ["A body was found in Okanagan lake east of Vancouver ."]} +{"id": "AHX.5.4", "text": "It was discovered in 130 feet of water in the exact spot where two anonymous letters written to Mrs Allan had said it would be .", "summaries": ["It was discovered where anonymous letters to Mrs Allan said it would ."]} +{"id": "AHX.5.5", "text": "A post mortem examination will take place in Vancouver later today to confirm identification from dental records .", "summaries": ["A post mortem will take place to confirm identification ."]} +{"id": "AHX.5.6", "text": "Mrs Allan was taken to nearby Kelowna General Hospital after the body was found .", "summaries": ["Mrs Allan was taken to Hospital after the body was found ."]} +{"id": "AHX.5.7", "text": "Her husband , Stuart , 52 , said yesterday he had been in daily contact with her since she flew to Canada last month on the second pilgrimage to find her son .", "summaries": ["Her husband , Stuart , said he had been in daily contact with her since she flew to Canada on the pilgrimage to find her son ."]} +{"id": "AHX.5.8", "text": "`` She is suffering from exhaustion but otherwise fine , '' he said .", "summaries": ["`` She is suffering from exhaustion but fine , '' he said ."]} +{"id": "AHX.5.9", "text": "`` I spoke to her last night and she is under strict orders to have complete rest .", "summaries": ["`` she is under orders to rest ."]} +{"id": "AJ6.26.0", "text": "People were urged yesterday to start taking showers instead of baths to avert disaster for the wildlife of rivers , lakes and wetlands as the country suffers its worst drought for 200 years .", "summaries": ["People were urged to start taking showers instead of baths to avert disaster for wildlife as the country suffers its worst drought for 200 years ."]} +{"id": "AJ6.26.1", "text": "The Royal Society for Nature Conservation called on the next government to give the National Rivers Authority powers to veto thirsty building and industrial developments , and to make more water available for rivers and wetlands .", "summaries": ["The Royal Society for Nature Conservation called on the government to give the National Rivers Authority powers to veto thirsty developments , and to make more water available for wetlands ."]} +{"id": "AJ6.26.10", "text": "She said they could have worrying consequences for wildlife because the grids could entail the mixing of water from acidic catchments with water from alkaline chalk streams .", "summaries": ["She said they could have consequences for wildlife because the grids could entail the mixing of water from acidic catchments with alkaline chalk streams ."]} +{"id": "AJ6.26.11", "text": "Mr Gary Mantle , director of the Wiltshire Trust for Nature Conservation , one of the 47 country trusts involved in the society , said water rats were declining and the water weed had been `` badly hammered '' on the Wylye .", "summaries": ["Mr Gary Mantle , director of one of the 47 country trusts involved , said water rats were declining and the water weed had been `` badly hammered '' on the Wylye ."]} +{"id": "AJ6.26.12", "text": "However , it was not on the priority list of 20 rivers singled out for urgent action by the National Rivers Authority .", "summaries": ["it was not on the priority list of 20 rivers by the National Rivers Authority ."]} +{"id": "AJ6.26.13", "text": "`` It is sick but not dying , '' he said .", "summaries": ["`` It is sick but not dying , '' he said ."]} +{"id": "AJ6.26.14", "text": "The society wants development proposals , such as the building of 10,000 new houses in west Swindon close to drought-stricken rivers , to be refused if there is too little water available .", "summaries": ["The society wants development proposals refused if there is too little water available ."]} +{"id": "AJ6.26.15", "text": "Anglers are to challenge Yorkshire Water at a public hearing today over plans to abstract half the 10 million gallon flow of the river Hull , which they claim is already running dangerously low .", "summaries": ["Anglers are to challenge Yorkshire Water over plans to abstract half the 10 million gallon flow of the Hull , which is running low ."]} +{"id": "AJ6.26.16", "text": "Mr Allan Edwards , director of the Anglers Co-operative Association , would be opposing all applications to abstract more water from the chalk streams of southern Yorkshire , which are famous for their wild trout .", "summaries": ["the Anglers Co-operative Association would be opposing all applications to abstract water from the chalk streams of southern Yorkshire , which are famous for their trout ."]} +{"id": "AJ6.26.2", "text": "Rain was falling in London , where Sir David Attenborough was launching Water for Wildlife , a two-year campaign by the society .", "summaries": ["in London , Sir David Attenborough was launching Water for Wildlife ."]} +{"id": "AJ6.26.3", "text": "The television naturalist said southern England recorded its lowest January rainfall for 154 years .", "summaries": ["The naturalist said southern England recorded its lowest January rainfall for 154 years ."]} +{"id": "AJ6.26.4", "text": "He added : `` Even if it rained between now and October more heavily than it has ever done in recorded time there would still be rivers , such as the Ver in Hertfordshire , that would not get enough water to enable them to flow properly .", "summaries": ["`` Even if it rained between now and October heavily there would still be rivers that would not get enough water ."]} +{"id": "AJ6.26.5", "text": "`` Rivers like the Wharfe in Yorkshire , the Darent in Kent , the Burn in Norfolk are drying up. Where there were once kingfishers , bullrushes and reeds , there is now dry , parched land. '' The source of the Kennet , one of Britain 's best trout streams , was now a sewage farm outfall because springs had dried up. The source of the Wylye , a famous Wiltshire trout stream , was a million gallons of water pumped from a nearby borehole .", "summaries": ["`` Rivers are drying up. Where there were once kingfishers , bullrushes and reeds , there is parched land. '' The source of the Kennet was now sewage outfall because springs had dried up. The source of the Wylye was water pumped from a borehole ."]} +{"id": "AJ6.26.6", "text": "`` Many of the things which bring joy to our hearts in the countryside have been destroyed , '' said Sir David .", "summaries": ["`` Many of the things which bring joy in the countryside have been destroyed , '' said Sir David ."]} +{"id": "AJ6.26.7", "text": "`` We are all guilty of carelessness and waste , damaging our rivers and wetland. '' According to the society , water voles , otters , redshank , snipe and lapwing and wetland plants such as marsh orchid and bog pimpernel had declined as a result of over-abstraction and drainage over many years .", "summaries": ["`` We are all guilty of carelessness , damaging our rivers and wetland. '' , water voles , otters , redshank , snipe and lapwing and wetland plants had declined as a result of over-abstraction and drainage ."]} +{"id": "AJ6.26.8", "text": "Each person in Britain uses an average 30 gallons of water a day and the society called for consumers to take conservation measures to save water : to turn off taps when brushing their teeth , to fix drips and leaks , to water the garden in the cool of the day and to collect rainwater for garden use .", "summaries": ["Each person in Britain uses an average 30 gallons of water a day and the society called for conservation measures : turn off taps when brushing teeth , fix leaks , water the garden in the cool of the day and collect rainwater for garden use ."]} +{"id": "AJ6.26.9", "text": "Isobel Drury , of the society , warned against plans to solve water shortages through a national grid or local water grids .", "summaries": ["Isobel Drury , warned against plans to solve shortages through national or local water grids ."]} +{"id": "AJD.25.0", "text": "The Choice of the `` capital '' of Cornwall 's one-time china clay industry as the venue for the Liberal Democrats ' penultimate and most glitzy election rally last night was no accident .", "summaries": ["The Choice of the `` capital '' of Cornwall 's one-time industry for the Liberal Democrats ' glitzy rally was no accident ."]} +{"id": "AJD.25.1", "text": "St Austell is smack in the middle of the party 's natural heartland which Liberal Democrat strategists are increasingly confident will largely revert to its traditional Liberal colours on Thursday .", "summaries": ["St Austell is in the middle of the party 's heartland which Liberal Democrat strategists are confident will revert to Liberal on Thursday ."]} +{"id": "AJD.25.10", "text": "Conservative Central Office has been inundated with jittery reports from regional Tory organisers , but is banking on driving home the message to a receptive audience that a vote for the Liberal Democrats would effectively open the door of Downing Street to Mr Kinnock .", "summaries": ["Conservative Central Office is driving home that a vote for the Liberal Democrats would open the door of Downing Street to Mr Kinnock ."]} +{"id": "AJD.25.11", "text": "`` When people vote on the day , they are looking at the party who will form the government , and in this part of the country they do not want socialism , '' said Mr Peter Hodgson , the Conservatives ' Western Area chairman , who was confident the Conservatives would retain all their seats .", "summaries": ["`` people are looking at the party who will form the government , and they do not want socialism , '' said Mr Peter Hodgson , the Conservatives ' Western Area chairman , confident the Conservatives would retain all seats ."]} +{"id": "AJD.25.12", "text": "At last night 's rally , which culminated in fireworks , Mr Ashdown did not miss the opportunity to evoke the West Country 's Liberal roots .", "summaries": ["Mr Ashdown did not miss the opportunity to evoke the West Country 's Liberal roots ."]} +{"id": "AJD.25.13", "text": "`` Long before the most recent dramatic rise of the Liberal Democrats , Cornwall was the bedrock of liberalism and democracy .", "summaries": ["`` before the recent dramatic rise of the Liberal Democrats , Cornwall was the bedrock of liberalism ."]} +{"id": "AJD.25.14", "text": "For even in the darkest days of two-party Tory and Labour domination , the flame of hope burns brightly here , '' he said .", "summaries": ["even in the days of Tory and Labour domination , hope burns brightly '' ."]} +{"id": "AJD.25.15", "text": "`` And whenever Liberal Democrats are on the up , we sweep ahead in the South-West .", "summaries": ["`` whenever Liberal Democrats are on the up , we sweep ahead in the South-West ."]} +{"id": "AJD.25.16", "text": "We 'll do so on Thursday .", "summaries": ["We 'll do so ."]} +{"id": "AJD.25.17", "text": "Here in Cornwall , you are in the vanguard of conscience and reform. '' He warned the Conservatives and Labour that `` from the ancient bastion of liberalism , the flames are fanning out in all directions , consuming your shabby campaigns , your out-of-date policies , your visions of the future '' .", "summaries": ["in Cornwall , you are in the vanguard '' He warned the Conservatives and Labour that `` from the bastion of liberalism , the flames are fanning out in all directions , consuming your out-of-date visions '' ."]} +{"id": "AJD.25.2", "text": "Mr Ashdown descended on the area yesterday for the third time in his marathon campaign amid growing recognition among Tories that the South-West could prove their Achilles ' heel , a danger underlined by the Press Association opinion poll which showed a swing against the Conservatives in the region of six per cent .", "summaries": ["Mr Ashdown descended on the area for the third time amid recognition among Tories that the South-West could prove their Achilles ' heel , a danger underlined by the poll which showed a swing against the Conservatives of six per cent ."]} +{"id": "AJD.25.3", "text": "Liberal Democrat strategists predicted that such a swing would deliver into their party 's hands up to seven Tory seats in the area , including Bath , the constituency held by Mr Patten , Conservative Party chairman .", "summaries": ["Liberal Democrat predicted that would deliver seven Tory seats , including Bath , held by Mr Patten , Conservative chairman ."]} +{"id": "AJD.25.4", "text": "`` This is the area where we are the clear challengers and we have a strong presence , '' said Mr Ashdown during a photogenic visit to a seal sanctuary in Gweek .", "summaries": ["`` This is where we have a strong presence , '' said Mr Ashdown during a visit to a seal sanctuary in Gweek ."]} +{"id": "AJD.25.5", "text": "`` It is a bedrock of traditional liberalism to build on and it is here that we are likely to see the most substantial progress of all. Some are talking about Cornwall falling to us lock stock and barrel .", "summaries": ["`` a bedrock of traditional liberalism it is here that we are likely to see the most substantial progress of all. Some are talking about Cornwall falling to us ."]} +{"id": "AJD.25.6", "text": "I would n't go so far. '' As the only viable West Country alternative to the Tories --- there are no Labour MPs between Bristol and Penzance --- the Liberal Democrats are benefiting from simmering resentment that , while the boom years largely past the region by , the recession has hit agriculture , tin mining , and tourism .", "summaries": ["'' As the only West Country alternative to the Tories --- there are no Labour MPs --- the Liberal Democrats are benefiting from resentment that , while the boom years past the region by , the recession has hit ."]} +{"id": "AJD.25.7", "text": "Cutbacks in local defence establishments is also a factor in some constituencies .", "summaries": ["Cutbacks in local defence is a factor ."]} +{"id": "AJD.25.8", "text": "In the Fawlty Towers belt of Torquay , abandoned hotels have been boarded up against vandals .", "summaries": ["In Torquay , abandoned hotels have been boarded up against vandals ."]} +{"id": "AJD.25.9", "text": "Significantly , farmers --- generally reliable Tory supporters --- are blaming the Government for the sins of Brussels and appear to be turning a blind eye to the Liberal Democrats ' pro-European stance .", "summaries": ["farmers --- generally Tory supporters --- are blaming the Government for Brussels and appear to be turning a blind eye to the Liberal Democrats ' pro-European stance ."]} +{"id": "AJD.30.0", "text": "This Was the last rally , the last speech and the last chance for the Tory faithful to enjoy the John Major planetarium experience .", "summaries": ["This Was the last chance for the Tory faithful to enjoy the John Major experience ."]} +{"id": "AJD.30.1", "text": "And they gave him the rowdiest send-off of the campaign .", "summaries": ["they gave him the rowdiest send-off ."]} +{"id": "AJD.30.10", "text": "`` Let Labour loose and you can wave cheerio to enterprise , '' he said .", "summaries": ["`` you can wave cheerio to enterprise , '' he said ."]} +{"id": "AJD.30.11", "text": "There was a This Is John 's Life feel to it all. Members of the audience --- a nurse , a headmaster , a doctor and a shopkeeper --- gave glowing endorsements for last night 's star guest .", "summaries": ["Members of the audience gave endorsements ."]} +{"id": "AJD.30.12", "text": "Then , sure enough , there was a satellite link-up .", "summaries": ["Then , there was a satellite link-up ."]} +{"id": "AJD.30.13", "text": "Who could it be ?", "summaries": ["Who could it be ?"]} +{"id": "AJD.30.14", "text": "Which megastar was about to beamed in from a Hollywood poolside to give a transatlantic Tory thumbs up ?", "summaries": ["Which megastar was about to give a Tory thumbs up ?"]} +{"id": "AJD.30.15", "text": "It turned out to be Douglas Hurd and Michael Heseltine , live from the campaign trail .", "summaries": ["It turned out to be Hurd and Heseltine , from the campaign trail ."]} +{"id": "AJD.30.16", "text": "But the audience did n't care .", "summaries": ["the audience did n't care ."]} +{"id": "AJD.30.17", "text": "By the time they had sat through two party political broadcasts and Chris Patten in Tv evangelist mode , they could not stand up fast enough when the Prime Minister finally appeared .", "summaries": ["they could not stand up fast enough when the Prime Minister appeared ."]} +{"id": "AJD.30.18", "text": "In his most passionate tones yet , Mr Major delivered his Ten Tory Truths and his personal plea to be given the chance to build a `` golden future '' for Britain .", "summaries": ["Major delivered his Ten Tory Truths and his plea to build a `` golden future '' for Britain ."]} +{"id": "AJD.30.19", "text": "He finished to well-mannered bedlam .", "summaries": ["He finished to bedlam ."]} +{"id": "AJD.30.2", "text": "Given the impenetrable darkness surrounding the opinion polls , who better to rouse the rabble than the host of Blind Date ?", "summaries": ["Given the polls , who better to rouse the rabble than the host of Blind Date ?"]} +{"id": "AJD.30.20", "text": "Party managers had not taken any chances , though .", "summaries": ["managers had not taken chances ."]} +{"id": "AJD.30.21", "text": "Under each seat was a packet .", "summaries": ["Under each seat was a packet ."]} +{"id": "AJD.30.22", "text": "Inside was a baseball cap with Jm4pm on it , a Union flag and a party popper .", "summaries": ["Inside was a baseball cap with Jm4pm , a Union flag and a party popper ."]} +{"id": "AJD.30.23", "text": "Regimented jubilation was not required , though , as the Majors clasped , kissed and saluted a crowd which also included the England cricket captain , Graham Gooch .", "summaries": ["the Majors clasped and saluted a crowd ."]} +{"id": "AJD.30.24", "text": "The only thing missing in the party pack were tissues for the more emotional .", "summaries": ["missing in the party pack were tissues for the emotional ."]} +{"id": "AJD.30.25", "text": "Cilla looked on , grinning as if she was watching the perfect Blind Date union .", "summaries": ["Cilla looked on , grinning as if watching the perfect union ."]} +{"id": "AJD.30.26", "text": "But it will be Friday morning before the the screen of national opinion is drawn back and she discovers whether it is John from Huntingdon or Neil from Islwyn on the other side .", "summaries": ["it will be Friday before she discovers whether it is John from Huntingdon or Neil from Islwyn on the other side ."]} +{"id": "AJD.30.3", "text": "For once , Our Cilla was utterly biased in her choice of which of the three hopefuls should win Thursday 's star prize : five years of running the country .", "summaries": ["Cilla was biased which of the hopefuls should win five years of running the country ."]} +{"id": "AJD.30.4", "text": "Anyway , at last night 's show in a Wembley conference hall , there was only one contestant .", "summaries": ["at last night 's show there was one contestant ."]} +{"id": "AJD.30.5", "text": "And he needed a lorra , lorra votes .", "summaries": ["he needed votes ."]} +{"id": "AJD.30.6", "text": "`` There I was in our `` ouse reading the Labour manifesto to Our Jack --- well , he loves fairy stories ... '' she began , her audience lapping it up. Accomplished compere that she is , she knew just when to stick in the `` but seriously , folks '' bit .", "summaries": ["`` I was `` reading the Labour manifesto to Our Jack --- he loves fairy stories ... '' she began , her audience lapping it up. she knew when to stick in the `` but seriously , folks '' bit ."]} +{"id": "AJD.30.7", "text": "`` I 'm voting for John Major because he is a great Prime Minister .", "summaries": ["`` I 'm voting for Major ."]} +{"id": "AJD.30.8", "text": "Because he does n't punish success , he promotes it , '' she purred .", "summaries": ["he does n't punish success , he promotes it , '' ."]} +{"id": "AJD.30.9", "text": "Less chirpy was Amstrad chief , Alan Sugar , who spoke bluntly of the perils of a Labour government .", "summaries": ["Amstrad chief , Alan Sugar , spoke of the perils of Labour government ."]} +{"id": "AJM.30.0", "text": "For 15 hours on Tuesday Palestinians worldwide were faced with a prospect which few can seriously have thought about before --- that of the Plo without Yasser Arafat as leader .", "summaries": ["Palestinians worldwide were faced with a prospect of the Plo without Yasser Arafat as leader ."]} +{"id": "AJM.30.1", "text": "Mr Arafat 's advisers in Tunis could scarcely choke back their emotion as they answered reporters ' questions while his fate was uncertain .", "summaries": ["Arafat 's advisers could scarcely choke back emotion as they answered questions while his fate was uncertain ."]} +{"id": "AJM.30.10", "text": "But both were killed --- Abu Jihad by an Israeli hit squad in 1988 , Abu Iyad by a supporter of the breakaway Abu Nidal faction three years later .", "summaries": ["both were killed ."]} +{"id": "AJM.30.11", "text": "The mechanics of the succession would have seen the convening of the Palestinian parliament-in-exile , the Palestine National Council .", "summaries": ["the succession would have seen the convening of the parliament-in-exile , the Palestine National Council ."]} +{"id": "AJM.30.12", "text": "This would have appointed a new executive committee which , in turn , would have chosen a new chairman .", "summaries": ["This would have chosen a chairman ."]} +{"id": "AJM.30.13", "text": "But this would have been a long and painful process .", "summaries": ["this would have been painful ."]} +{"id": "AJM.30.14", "text": "Critics of the Plo 's decision to back the participation of a Palestinian delegation in the current Middle East peace process would most likely have taken the opportunity of Mr Arafat 's demise to make a bid for power .", "summaries": ["Critics of the Plo 's participation in the Middle East peace process would likely have taken Arafat 's demise to bid for power ."]} +{"id": "AJM.30.15", "text": "At the same time prominent Palestinians from the Israeli-occupied West Bank and Gaza Strip would probably have emerged with their status greatly enhanced .", "summaries": ["Palestinians from the West Bank and Gaza Strip would have emerged with their status enhanced ."]} +{"id": "AJM.30.16", "text": "The effect would have been to distance even more those living in the territories from the decision-making machinery of the Plo outside .", "summaries": ["The effect would distance those living in the territories from the Plo outside ."]} +{"id": "AJM.30.17", "text": "Since the start of the Middle East peace process , figures from the occupied territories such as Mrs Hanan Ashrawi and Mr Feisel Husseini have done much to enhance the image of the Palestinians in the West .", "summaries": ["Hanan Ashrawi and Feisel Husseini have done much to enhance the image of the Palestinians ."]} +{"id": "AJM.30.18", "text": "Their suave and eloquent appearances on television contrast sharply with the tough-speaking militaristic image of the current Plo leadership .", "summaries": ["Their eloquent appearances on television contrast with the militaristic Plo leadership ."]} +{"id": "AJM.30.19", "text": "Given the inevitable fact that the next Plo chairman could not hope to match the stature and international acclaim which Mr Arafat has acquired over the years , many Palestinians believe that the influence of the organisation would wane accordingly .", "summaries": ["Given the next Plo chairman could not match Arafat , Palestinians believe the organisation would wane ."]} +{"id": "AJM.30.2", "text": "But even his detractors and enemies within the Palestinian movement confessed to having feelings of unease .", "summaries": ["even his detractors confessed having feelings of unease ."]} +{"id": "AJM.30.20", "text": "Such changes would involve a major upheaval within the Palestinian movement .", "summaries": ["changes would involve upheaval ."]} +{"id": "AJM.30.21", "text": "Those 15 hours of waiting on Tuesday made Palestinians inside and outside the occupied territories realise the extent to which Yasser Arafat alone holds the whole movement together .", "summaries": ["Palestinians realise the extent to which Arafat holds the movement together ."]} +{"id": "AJM.30.3", "text": "`` No matter what you think of Yasser Arafat , '' one opponent commented , `` his departure would leave an enormous and dangerous vacuum. '' The extent of the vacuum would have reflected Mr Arafat 's giant presence in the Palestinian movement .", "summaries": ["`` No matter what you think of Arafat , '' one commented , `` his departure would leave an enormous vacuum. '' The vacuum reflected Mr Arafat 's presence ."]} +{"id": "AJM.30.4", "text": "He was a founder of the Plo , and since becoming chairman in 1969 he has involved himself tirelessly in every aspect of Palestinian affairs .", "summaries": ["He was a founder of the Plo and involved in every aspect of Palestinian affairs ."]} +{"id": "AJM.30.5", "text": "His supporters say his energy has enabled him to succeed to a large extent in holding the Palestinian movement together during a series of splits and crises .", "summaries": ["His energy has enabled him to succeed in holding the Palestinian movement together during crises ."]} +{"id": "AJM.30.6", "text": "Many Palestinians doubt whether anyone else would be able to do this .", "summaries": ["Palestinians doubt whether anyone else would do this ."]} +{"id": "AJM.30.7", "text": "But Mr Arafat 's critics accuse him of acting like a dictator by forcing his wishes on the Palestinian movement .", "summaries": ["Mr Arafat 's critics accuse him of forcing his wishes on the movement ."]} +{"id": "AJM.30.8", "text": "Such is his domination of Palestinian affairs that the grooming of a successor has been impossible .", "summaries": ["grooming a successor has been impossible ."]} +{"id": "AJM.30.9", "text": "Two of Mr Arafat 's closest aides , Salah Khalaf ( known as Abu Iyad ) and Khalil al-Wazir ( Abu Jihad ) , might have been obvious candidates .", "summaries": ["Arafat 's aides , Salah Khalaf and Khalil al-Wazir , might have been candidates ."]} +{"id": "AJU.24.0", "text": "A Mother fighting for custody of her two young sons has been ordered to hand them back to her estranged American husband from whom she fled a month ago .", "summaries": ["A Mother fighting for custody of her sons has to hand them back to her estranged American husband from whom she fled ."]} +{"id": "AJU.24.1", "text": "Mrs Teresa Leinen , 25 , may be parted from Sean , three , and Ashley , one , within five days after the High Court ruled that she broke international laws .", "summaries": ["Mrs Teresa Leinen may be parted from Sean and Ashley after the Court ruled that she broke international laws ."]} +{"id": "AJU.24.10", "text": "She said : `` I ca n't believe this ruling has been made and I just do n't know what more I can do .", "summaries": ["She said : `` I ca n't believe this ruling and I do n't know what more I can do ."]} +{"id": "AJU.24.11", "text": "`` I 'm scared of what may happen when the children go back .", "summaries": ["`` I 'm scared of what may happen when the children go back ."]} +{"id": "AJU.24.12", "text": "Jeffrey kept telling me he was only seeking custody because he wanted me back in the States .", "summaries": ["Jeffrey kept telling me he was seeking custody because he wanted me in the States ."]} +{"id": "AJU.24.13", "text": "`` I am devastated .", "summaries": ["`` I am devastated ."]} +{"id": "AJU.24.14", "text": "I ca n't afford to fight this in the American courts and I genuinely fear for the safety of my children. '' Mrs Leinen is spending her last few days with the children taking them for trips , including to London Zoo and the seaside .", "summaries": ["I ca n't afford to fight in the courts and I fear for the safety of my children. '' Mrs Leinen is spending her last days with the children taking them for trips ."]} +{"id": "AJU.24.15", "text": "She said her only hope of having the boys returned was if her husband had difficulty in looking after them .", "summaries": ["She said her only hope of having the boys was if her husband had difficulty in looking after them ."]} +{"id": "AJU.24.16", "text": "Mrs Leinen made allegations of brutality against her husband .", "summaries": ["Mrs Leinen made allegations of brutality against her husband ."]} +{"id": "AJU.24.17", "text": "`` There was another side to him which I did n't see at first .", "summaries": ["`` There was another side to him I did n't see at first ."]} +{"id": "AJU.24.18", "text": "I was terrified of him , but I found myself in a horrible Catch 22 situation .", "summaries": ["I was terrified of him , but found myself in a Catch 22 ."]} +{"id": "AJU.24.19", "text": "`` The Usaf do not tolerate domestic violence .", "summaries": ["`` The Usaf do not tolerate violence ."]} +{"id": "AJU.24.2", "text": "She said : `` It 's a dreadful thought , but there 's nothing I can do about it. I was told I would lose , but it does n't make it any easier. '' Her father , Mr Christopher Monohan , will take the boys back to the United States where they will live with Jeffrey Leinen , a military policeman with the Usaf .", "summaries": ["She said : `` It 's dreadful , but there 's nothing I can do about it. I was told I would lose '' Her father , Mr Christopher Monohan , will take the boys to the United States where they will live with Jeffrey Leinen , a military policeman ."]} +{"id": "AJU.24.20", "text": "If they had found out about it , Jeffrey would have been kicked out .", "summaries": ["If they had found out , Jeffrey would have been kicked out ."]} +{"id": "AJU.24.21", "text": "We would not have been able to afford to look after Sean and Ashley. ''", "summaries": ["We would not have been able to look after Sean and Ashley."]} +{"id": "AJU.24.3", "text": "The couple met while on holiday in Greece in 1987 and married after she joined him at his base in South Dakota .", "summaries": ["The couple met while on holiday in Greece and married after she joined him at his base in South Dakota ."]} +{"id": "AJU.24.4", "text": "But she filed for divorce in June last year after a series of violent rows .", "summaries": ["she filed for divorce last year after a series of rows ."]} +{"id": "AJU.24.5", "text": "An injunction was later issued stopping her taking the children out of the state .", "summaries": ["An injunction was issued stopping her taking the children out of the state ."]} +{"id": "AJU.24.6", "text": "She dropped divorce proceedings hoping the ban would be lifted .", "summaries": ["She dropped divorce proceedings hoping the ban would be lifted ."]} +{"id": "AJU.24.7", "text": "But a month ago , she returned to Britain , taking the children with her .", "summaries": ["she returned to Britain , taking the children ."]} +{"id": "AJU.24.8", "text": "Lawyers for her husband contested her action in the High Court in London on Wednesday and she was given seven days to hand them back .", "summaries": ["Lawyers for her husband contested her action in Court on Wednesday and she was given seven days to hand them back ."]} +{"id": "AJU.24.9", "text": "Mrs Leinen , who is staying with her mother Mrs Ann Monohan , in Stratton , Swindon , Wilts , says she does not have the money to fight the custody battle in American courts .", "summaries": ["Mrs Leinen says she does not have the money to fight the battle in American courts ."]} +{"id": "AK9.17.0", "text": "Montserrat , the tiny Caribbean island that once boasted one bank for every 40 inhabitants , is bracing itself this Easter for a spate of arrests following a three-year fraud and corruption investigation by Scotland Yard .", "summaries": ["Montserrat , the Caribbean island , is bracing itself for arrests following a fraud investigation by Scotland Yard ."]} +{"id": "AK9.17.1", "text": "More than 300 banks have been closed and one American banker has died in mysterious circumstances since police began their investigation , which includes allegations involving former members of the government .", "summaries": ["300 banks have closed and one banker has died since police began their investigation , which includes the government ."]} +{"id": "AK9.17.10", "text": "Most of those closed were known as paper or `` brass plate '' banks --- banks in name only , with few assets but with the precious protection of confidentiality and secrecy .", "summaries": ["Most closed were `` brass plate '' banks , with few assets but confidentiality ."]} +{"id": "AK9.17.11", "text": "In theory , anyone wanting to set up a bank should have $ 300,000 ( \u00a3175,000 ) capital .", "summaries": ["anyone wanting to set up a bank should have $ 300,000 ."]} +{"id": "AK9.17.12", "text": "But this requirement could be circumvented with documents showing that shares to that value had been issued .", "summaries": ["this requirement could be circumvented with documents showing that shares to that value had been issued ."]} +{"id": "AK9.17.13", "text": "However it was not necessary to disclose to whom they had been sold or where the cash had gone .", "summaries": ["it was not necessary to disclose to whom they had been sold ."]} +{"id": "AK9.17.14", "text": "The affair took a sinister turn four months after the investigation began when a young American banker , due to appear in court on fraud charges connected with offshore banking transactions , died in mysterious circumstances .", "summaries": ["a young banker , due to appear in court connected with transactions , died ."]} +{"id": "AK9.17.15", "text": "John Perry Garibay of Michigan , whose offshore bank , Zurich Overseas , was among those being investigated by the Yard and the Fbi , was found dead in the sea off the southern part of the island after going bathing with friends .", "summaries": ["John Perry Garibay , whose Zurich Overseas was among those being investigated , was found dead in the sea after bathing with friends ."]} +{"id": "AK9.17.16", "text": "He was said to have been a strong swimmer .", "summaries": ["He was a strong swimmer ."]} +{"id": "AK9.17.17", "text": "The problems of Montserrat are mirrored in most of Britain 's Caribbean dependencies .", "summaries": ["The problems of Montserrat are in most of Britain 's Caribbean dependencies ."]} +{"id": "AK9.17.18", "text": "Banks are used for a variety of frauds as well as money-laundering .", "summaries": ["Banks are used for frauds ."]} +{"id": "AK9.17.19", "text": "They issue certificates of deposits , often based on fictitious assets such as bogus gold mines .", "summaries": ["They issue certificates of deposits based on fictitious assets ."]} +{"id": "AK9.17.2", "text": "Fraud Squad detectives are waiting for the go-ahead from the island 's Attorney General , Stanley Moore .", "summaries": ["Fraud detectives are waiting for the island 's Attorney General , Stanley Moore ."]} +{"id": "AK9.17.20", "text": "Their worthlessness is discovered only when the duped client attempts to sell them on the legitimate market .", "summaries": ["Their worthlessness is discovered when the client attempts to sell ."]} +{"id": "AK9.17.21", "text": "Apart from drugs , detectives believe money is laundered from a variety of black market deals involving arms and high technology .", "summaries": ["detectives believe money is laundered from a variety of black market deals ."]} +{"id": "AK9.17.22", "text": "The Fbi is keen to set up a joint task force with Scotland Yard to combat the growing number of insurance , investment and banking frauds in the dependencies which cause a great deal of embarrassment to the British Government .", "summaries": ["The Fbi is to set up a joint task force to combat the growing number of frauds in the dependencies which cause embarrassment to the British Government ."]} +{"id": "AK9.17.23", "text": "British detectives would be posted to Miami , Florida , where the Fbi 's Caribbean fraud team would use their considerable resources to support them .", "summaries": ["British detectives would be posted to Miami , where the Fbi 's Caribbean fraud team would support them ."]} +{"id": "AK9.17.3", "text": "They submitted their final report together with recommendations to him two months ago and last night , Foreign Office officials said a decision was expected soon .", "summaries": ["They submitted their report to him months ago and a decision was expected soon ."]} +{"id": "AK9.17.4", "text": "The investigation has penetrated every level of society on the island and involves allegations of corruption among government ministers .", "summaries": ["The investigation has penetrated every level of society and government ministers ."]} +{"id": "AK9.17.5", "text": "Tourism dominates the economy of the 12,000-strong British colony , which lies 27 miles south-west of Antigua .", "summaries": ["Tourism dominates the 12,000-strong British colony south-west of Antigua ."]} +{"id": "AK9.17.6", "text": "But it had also become a flourishing offshore finance centre with 347 banks before the investigation .", "summaries": ["it had also become a finance centre with 347 banks before the investigation ."]} +{"id": "AK9.17.7", "text": "The Yard and the Fbi believe that many of the banks have been used in tax evasion schemes , by fraudsters and to launder money for South American cocaine cartels , which moved to the island after the Us authorities applied pressure on the Panamanian banking system .", "summaries": ["The Yard believe that the banks used in tax schemes and to launder money moved to the island after authorities applied pressure on Panamanian banking ."]} +{"id": "AK9.17.8", "text": "Detectives have been to the island , which covers 39 square miles , three times since they were called in by Christopher Turner , the former Governor .", "summaries": ["Detectives have been to the island three times since they were called by Christopher Turner , the former Governor ."]} +{"id": "AK9.17.9", "text": "He said there were `` good grounds for suspicion that certain offshore banks are used for fraudulent purposes '' .", "summaries": ["He said there were `` grounds that banks are used for fraudulent purposes '' ."]} +{"id": "AK9.38.0", "text": "An Avalanche of applications by schools wanting to opt out of local authority control is now expected .", "summaries": ["schools wanting out of local control is expected ."]} +{"id": "AK9.38.1", "text": "The number of grant-maintained schools could rise to up to 10 times the current 226 .", "summaries": ["grant-maintained schools could rise to up to 10 times the current 226 ."]} +{"id": "AK9.38.10", "text": "Schools will be inspected regularly by privatised inspection services chosen by the head teacher and governess .", "summaries": ["Schools will be inspected by services chosen by the head teacher ."]} +{"id": "AK9.38.11", "text": "Parents will be given simple , straightforward details of the inspectors ' findings .", "summaries": ["Parents will be given straightforward findings ."]} +{"id": "AK9.38.12", "text": "Authority by authority , league tables of examination results will be published .", "summaries": ["league tables of examination results will be published ."]} +{"id": "AK9.38.13", "text": "In primary schools , there will be renewed emphasis on the `` three Rs , '' particularly in National Curriculum at seven .", "summaries": ["there will be renewed emphasis on the `` three Rs '' ."]} +{"id": "AK9.38.14", "text": "The National Curriculum will continue to be reviewed and slimmed down , and integrated with the Gcse exam .", "summaries": ["The National Curriculum will be reviewed and integrated with the Gcse ."]} +{"id": "AK9.38.15", "text": "Pupils sitting GCSEs will find more of their mark concentrated in a final exam and less in course work .", "summaries": ["Pupils sitting GCSEs will find their mark concentrated in a final exam ."]} +{"id": "AK9.38.16", "text": "After 16 , A-levels will remain the `` gold standard , '' but schools will teach more vocational courses which will also be used for entry to higher education .", "summaries": ["A-levels will remain the `` standard , '' but schools will teach more vocational courses which will also be used for entry to higher education ."]} +{"id": "AK9.38.17", "text": "The expansion of higher education will continue --- numbers have already risen from one in eight school-leavers to one in four --- and polytechnics will be able to become universities .", "summaries": ["The expansion of higher education will continue ."]} +{"id": "AK9.38.2", "text": "Leaders of the opt-out movement say more than 2,000 have expressed a strong interest in balloting parents on such a move .", "summaries": ["Leaders say 2,000 have expressed interest in balloting parents on a move ."]} +{"id": "AK9.38.3", "text": "More than 150,000 children are already educated in grant-maintained schools but , if the prediction is correct , two thirds of all state school pupils in England and Wales could be under the new system .", "summaries": ["150,000 children are in grant-maintained schools but two thirds of all state pupils in England and Wales could be under the new system ."]} +{"id": "AK9.38.4", "text": "Schools which have opted out since the reform was introduced in 1989 have had full control of their budgets , and have applied for major grants direct from Whitehall .", "summaries": ["Schools which have opted out since 1989 control their budgets and applied for grants direct ."]} +{"id": "AK9.38.5", "text": "Now they will be given even more freedom --- they may change their characters if they wish to do so .", "summaries": ["Now they will be given more freedom ."]} +{"id": "AK9.38.6", "text": "This has led to predictions that a large number of new grammar schools may be created .", "summaries": ["grammar schools may be created ."]} +{"id": "AK9.38.7", "text": "A new Bill will be introduced to prevent hostile local authorities from making life difficult for schools which want to opt out .", "summaries": ["A Bill will be introduced to prevent hostile authorities from making life difficult for schools ."]} +{"id": "AK9.38.8", "text": "For example , they will be prevented from spending public money on campaigns to stop them .", "summaries": ["they will be prevented from spending public money on campaigns to stop them ."]} +{"id": "AK9.38.9", "text": "In other areas of education , there will be more sweeping changes .", "summaries": ["there will be more changes ."]} +{"id": "AKH.41.0", "text": "Moderate supporters of President Rafsanjani were heading for an overwhelming victory over Iranian hardliners last night , according to the latest tally of returns from parliamentary elections held on Friday .", "summaries": ["supporters of President Rafsanjani were heading for an victory over Iranian hardliners ."]} +{"id": "AKH.41.1", "text": "The Iranian Interior Ministry said that 29 members of the Association of Combatant Clergy which , despite its harsh-sounding name , is linked to President Rafsanjani 's cautious opening to the West , were among the 30 highest scoring candidates in Teheran , the largest constituency .", "summaries": ["The Iranian Ministry said that members of the Association of Combatant Clergy which is linked to opening to the West , were among the highest scoring candidates ."]} +{"id": "AKH.41.10", "text": "The most popular candidate in Teheran , after about nine per cent of the city 's vote had been counted , was Hojatoleslam Akbar Husseini , a cleric and the presenter of a popular weekly television programme offering Islamic advice to resolve family problems .", "summaries": ["The popular candidate in Teheran was Hojatoleslam Akbar Husseini , a cleric presenter of a television programme offering Islamic advice to resolve family problems ."]} +{"id": "AKH.41.11", "text": "Mr Husseini beat another cleric , Hojatoleslam Ali Akbar Abou Torabi , who had been a prisoner of war in Iraq for many years , and Dr Abbas Sheibani , a former minister .", "summaries": ["Mr Husseini beat cleric Hojatoleslam Ali Akbar Abou Torabi , a prisoner of war for years , and Dr Abbas Sheibani , a former minister ."]} +{"id": "AKH.41.12", "text": "The best known radicals , such as the Speaker of the outgoing parliament , Hojatoleslam Mehdi Karrubi , and Mr Ali Akbar Mohtashemi , the former Interior Minister and the founder of the Lebanese Hizbollah group , came 36th and 40th respectively .", "summaries": ["The best known radicals , Speaker of the parliament , Hojatoleslam Mehdi Karrubi , and Mr Ali Akbar Mohtashemi , the founder of Hizbollah , came 36th and 40th respectively ."]} +{"id": "AKH.41.13", "text": "In the Holy City of Mashad , Mrs Ghodssieh Alavi , a 50-year-old doctor associated with the `` pragmatist '' faction supporting Mr Rafsanjani , took the highest number of votes and became the first Iranian woman to be elected outside Teheran .", "summaries": ["In Mashad , Mrs Ghodssieh Alavi , a doctor associated with the `` pragmatist '' faction , became the first Iranian woman to be elected outside Teheran ."]} +{"id": "AKH.41.14", "text": "Mrs Alavi beat Mr Hadi Khamenei , the brother of the Iranian leader Ayatollah Ali Khamenei , who will take part in a run-off poll to decide the fate of the second seat in Mashad .", "summaries": ["Alavi beat Hadi Khamenei , the brother of Ayatollah Ali Khamenei , who will take part in a run-off to decide the the second seat ."]} +{"id": "AKH.41.15", "text": "But the successful candidate will have to receive the endorsement of the Guardian Council , a higher body of clerics and lawyers which supervises the elections .", "summaries": ["the successful candidate will have to receive the endorsement of the Guardian Council , a body which supervises elections ."]} +{"id": "AKH.41.16", "text": "All Iranian papers reported large turn-outs , despite evidence from the streets of Teheran that many did not vote , either out of hostility to the regime or apathy .", "summaries": ["Iranian papers reported large turn-outs , despite evidence that many did not vote out of hostility or apathy ."]} +{"id": "AKH.41.17", "text": "The radicals were widely expected to lose seats after a committee judging the suitability of candidates prevented about 1,000 of the 3,000 hopefuls from taking part , including several well-known radicals .", "summaries": ["The radicals were widely expected to lose seats after a committee judging the suitability of candidates prevented 1,000 hopefuls from taking part ."]} +{"id": "AKH.41.2", "text": "Only three of them secured enough votes to be assured of their seats .", "summaries": ["Only three secured seats ."]} +{"id": "AKH.41.3", "text": "The rest will have to take part in a second ballot at a date yet to be announced .", "summaries": ["The rest will take part in a second ballot ."]} +{"id": "AKH.41.4", "text": "In the rest of the country , about half of roughly 100 candidates who won seats in the first round were linked with the pro-Rafsanjani `` pragmatic '' faction .", "summaries": ["In the country , half of candidates who won seats in the first round were pro-Rafsanjani ."]} +{"id": "AKH.41.5", "text": "Many of them will be new faces in the 270-seat parliament , the Majlis .", "summaries": ["Many will be new in the 270-seat parliament ."]} +{"id": "AKH.41.6", "text": "The preliminary results , particularly in Teheran , indicate Iranians ' weariness with more than a decade of revolutionary turmoil and a desire to rebuild the economy following the eight-year war with Iraq .", "summaries": ["The results , particularly in Teheran , indicate Iranians ' desire to rebuild the economy following the war with Iraq ."]} +{"id": "AKH.41.7", "text": "It was the first parliamentary election since the death three years ago of Ayatollah Khomeini , leader of the Islamic revolution and the radicals ' principal mentor .", "summaries": ["It was the first election since the death three years ago of Ayatollah Khomeini , leader of the Islamic revolution ."]} +{"id": "AKH.41.8", "text": "The radicals have steadily lost ground to the moderates since then .", "summaries": ["The radicals have lost ground to the moderates since ."]} +{"id": "AKH.41.9", "text": "They have opposed every attempt to improve relations with the West and to liberalise the economy as a betrayal of the legacy of Khomeini .", "summaries": ["They opposed relations with the West as a betrayal of Khomeini ."]} +{"id": "AKH.57.0", "text": "Air Vice-marshal Geoffrey Thomas , who has died aged 76 , served the Raf with distinction as a supply , equipment and movements specialist .", "summaries": ["Vice-marshal Geoffrey Thomas , who died , served the Raf with distinction ."]} +{"id": "AKH.57.1", "text": "Poor eyesight had prevented Thomas from qualifying as a pilot ; but he was not content to be a backroom boy .", "summaries": ["Poor eyesight prevented Thomas from qualifying as a pilot ."]} +{"id": "AKH.57.10", "text": "He then gained a job as a clerk in the City , and served as a signals lance corporal in the Territorial Army .", "summaries": ["He gained a job as a clerk , and served as a corporal in the Territorial Army ."]} +{"id": "AKH.57.11", "text": "On the outbreak of the Second World War he was commissioned into the Raf 's equipment branch .", "summaries": ["On the outbreak of the Second World War he was commissioned into the Raf 's equipment branch ."]} +{"id": "AKH.57.12", "text": "From 1942 he served in India , where he attended the staff college at Quetta ; he then undertook a number of staff appointments in south-east Asia .", "summaries": ["From 1942 he served in India ; he undertook appointments in south-east Asia ."]} +{"id": "AKH.57.13", "text": "On his return home in 1945 Thomas was posted to Hq Transport Command , where he helped pioneer routes for the Raf 's troop and cargo airline .", "summaries": ["in 1945 Thomas was posted to Hq Transport Command , where he helped pioneer routes for the Raf 's airline ."]} +{"id": "AKH.57.14", "text": "In 1950 he was attached to the Turkish air force to teach logistics , and refused to be fazed when , in reply to his question `` How do you define logistics ? '' , one of his students , General Mendiz , said , `` We do n't .", "summaries": ["In 1950 he was attached to the Turkish air force to teach logistics ."]} +{"id": "AKH.57.15", "text": "Anything you teach us will be logistics. '' After two years in Transport Command , he did a stint as deputy director of equipment .", "summaries": ["After years in Transport Command , he did a stint as deputy director of equipment ."]} +{"id": "AKH.57.16", "text": "In 1958 Thomas was promoted group captain and two years later was posted to the Royal Australian Air Force , where he commanded the Tottenham station at Melbourne and became affectionately known as `` Father '' .", "summaries": ["Thomas was promoted group captain and later posted to the Royal Australian Air Force , where he commanded the Tottenham station ."]} +{"id": "AKH.57.17", "text": "Appointed director of movements in 1965 , Thomas supervised the upgrading of the somewhat primitive passenger facilities at Raf Lyneham , and the rapid evacuation of British forces from Aden during the troubles there .", "summaries": ["Appointed director of movements in 1965 , Thomas supervised the upgrading of primitive passenger facilities and the evacuation of forces from Aden during the troubles ."]} +{"id": "AKH.57.18", "text": "He retired in 1971 , after two years as Senior Air Staff Officer at Maintenance Command .", "summaries": ["He retired in 1971 , after two years as Senior Air Staff Officer ."]} +{"id": "AKH.57.19", "text": "He was appointed Obe and mentioned in despatches in 1945 and appointed Cb in 1970 .", "summaries": ["He was appointed Obe in 1945 and Cb in 1970 ."]} +{"id": "AKH.57.2", "text": "During Bomber Command 's costly daylight raids on the Heligoland Bight early in the Second World War , he accompanied a Hampden crew on at least one operational sortie over Germany .", "summaries": ["During Bomber Command 's raids early in the Second World War , he accompanied a crew on one sortie over Germany ."]} +{"id": "AKH.57.20", "text": "A quiet , unassuming man , Geoffrey Thomas indulged a great fondness for nature and wildlife in the countryside around his house in Kent , and read so voraciously that his wife feared they might have to move house to gain access to a new public library .", "summaries": ["A quiet man , Thomas indulged a fondness for wildlife in the countryside around his house in Kent , and read voraciously ."]} +{"id": "AKH.57.21", "text": "He married , in 1940 , Sally Biddle ; they had a son and a daughter .", "summaries": ["He married Sally Biddle ; they had a son and daughter ."]} +{"id": "AKH.57.3", "text": "He once arranged unofficially to take part in a raid from his station at Hemswell in Lincolnshire in a Hampden of No 61 Squadron .", "summaries": ["He once arranged to take part in a raid from his station in Lincolnshire of No 61 Squadron ."]} +{"id": "AKH.57.4", "text": "When that aircraft took off without him , Thomas switched to a Hampden of No 144 Squadron .", "summaries": ["When that aircraft took off without him , Thomas switched to No 144 Squadron ."]} +{"id": "AKH.57.5", "text": "The last-minute change saved his life : 61 Squadron 's aircraft was lost on the raid .", "summaries": ["The change saved his life : 61 Squadron 's aircraft was lost ."]} +{"id": "AKH.57.6", "text": "After that exploit , the `` penguin '' equipment officer was well and truly grounded by a posting in 1940 to No 929 , a balloon barrage squadron which was then protecting shipping in the Firth of Forth .", "summaries": ["the officer was grounded by a posting to No 929 , a balloon squadron which was protecting the Firth of Forth ."]} +{"id": "AKH.57.7", "text": "The new job was not without its excitements , though , and Thomas greatly enjoyed observing his balloons from the heights of Dundas Castle , West Queensferry .", "summaries": ["The new job was not without its excitements , and Thomas enjoyed observing balloons from Dundas Castle ."]} +{"id": "AKH.57.8", "text": "One dark and stormy night , accompanied by his wife Sally ( whom he had married after admiring her motor transport repairs in a Hemswell hangar ) , he was wondering whether to lower the balloons , when lightning struck and solved the problem .", "summaries": ["accompanied by his wife Sally , he was wondering whether to lower the balloons , when lightning struck and solved the problem ."]} +{"id": "AKH.57.9", "text": "Geoffrey Percy Sansom Thomas was born on April 24 1915 and educated at King 's College School , Wimbledon .", "summaries": ["Geoffrey Thomas was born on April 24 1915 and educated at King 's College School ."]} +{"id": "AKH.9.0", "text": "The Bomb devastated a part of the City which contains an outstanding series of buildings , dating from the Norman period to the present day .", "summaries": ["The Bomb devastated outstanding buildings dating from the Norman period ."]} +{"id": "AKH.9.1", "text": "The Church of St Helen , in Bishopsgate , which has been wrecked , survived both the Great Fire and the efforts of the Luftwaffe during the Second World War .", "summaries": ["The Church of St Helen , which has been wrecked , survived both the Great Fire and the Second World War ."]} +{"id": "AKH.9.10", "text": "Many buildings of this period have been demolished for redevelopment since the War , so the Baltic Exchange had become a valued monument .", "summaries": ["buildings of this period have been demolished , so the Baltic Exchange had become valued ."]} +{"id": "AKH.9.11", "text": "The 387ft-tall Commercial Union tower , designed by architects Gmw and now a shattered shell , was widely praised at the time of its completion in the late 1960s as a successful adaptation of the modern American commercial style , fronting a Manhatten style piazza .", "summaries": ["The Commercial Union tower , designed by Gmw and now a shell , was praised in the 1960s as a successful adaptation of modern American style , fronting a Manhatten style piazza ."]} +{"id": "AKH.9.12", "text": "It remains a well liked and successful building of its era .", "summaries": ["It remains liked and successful ."]} +{"id": "AKH.9.13", "text": "Richard Seifert 's NatWest Tower , which has suffered superficial damage , looks 1960s but was not completed until 1981 .", "summaries": ["Seifert 's NatWest Tower , which suffered damage , looks 1960s but was not completed until 1981 ."]} +{"id": "AKH.9.14", "text": "Also superficially damaged was Richard Rogers 's Lloyd 's building , finished in 1986 .", "summaries": ["Also damaged was Rogers 's Lloyd 's building , finished in 1986 ."]} +{"id": "AKH.9.2", "text": "It was built in the 13th century on older foundations , as a shared church , serving both a convent of nuns and the local parish , and was added to over the next five centuries .", "summaries": ["It was built in the 13th century on older foundations , serving a convent and the parish , and was added to over the next centuries ."]} +{"id": "AKH.9.3", "text": "The interior was notable for medieval woodwork , important funerary monuments , and fine stained glass , some of it medieval and all now severely damaged .", "summaries": ["The interior was notable for woodwork , monuments , and stained glass , some medieval and now damaged ."]} +{"id": "AKH.9.4", "text": "Sir Thomas Gresham , founder of the Royal Exchange , is buried in the church with other important figures in the history of London .", "summaries": ["Sir Thomas Gresham , founder of the Royal Exchange , is buried with other figures in history ."]} +{"id": "AKH.9.5", "text": "( St Helen 's is sometimes described as the Westminster Abbey of the City ) .", "summaries": ["( St Helen 's is the Westminster of the City ) ."]} +{"id": "AKH.9.6", "text": "If damage to its structure is bad enough to warrant demolition , its destruction would be one of London 's worst losses since the Second World War .", "summaries": ["If damage is bad enough to warrant demolition , its destruction would be one of London 's worst losses ."]} +{"id": "AKH.9.7", "text": "But efforts are certain to be made to restore , and , if necessary , rebuild the church , which is a well-used place of worship .", "summaries": ["efforts are to be made to restore and rebuild the church , which is well-used ."]} +{"id": "AKH.9.8", "text": "The Baltic Exchange was also wrecked and is almost certain to have to be demolished .", "summaries": ["The Baltic Exchange was wrecked and is to be demolished ."]} +{"id": "AKH.9.9", "text": "It is an elaborate example of Edwardian commercial architecture , designed by T H Smith and W Wimble and completed in 1903 .", "summaries": ["It is an example of Edwardian architecture , designed by Smith and Wimble in 1903 ."]} +{"id": "AKY.65.0", "text": "Daniele Bovet , who has died aged 85 , won a Nobel Prize in 1957 for his part in developing anti-histamines , and in adapting the poison curare to more beneficent purpose .", "summaries": ["Daniele Bovet , who died aged 85 , won a Nobel in 1957 for developing anti-histamines ."]} +{"id": "AKY.65.1", "text": "Few men can have done more to relieve human suffering , or shown less interest in profiting from the process .", "summaries": ["Few have done more to relieve suffering , or shown less interest in profiting from the process ."]} +{"id": "AKY.65.10", "text": "In 1936 Bovet became head of therapeutic chemistry at the Pasteur Insitute .", "summaries": ["Bovet became head of therapeutic chemistry at the Pasteur Insitute ."]} +{"id": "AKY.65.11", "text": "He had by then begun to investigate the failure of the human system to produce an antibody against the effects of histamine , associated with such allergic reactions as hay fever and asthma .", "summaries": ["He had begun to investigate an antibody against histamine , associated with allergic reactions ."]} +{"id": "AKY.65.12", "text": "Between 1937 and 1941 he discovered drugs which mitigated the worst symptoms of these maladies .", "summaries": ["Between 1937 and 1941 he discovered drugs which mitigated these maladies ."]} +{"id": "AKY.65.13", "text": "He next turned his attention to curare , which South American Indians used to apply to the tips of their arrows to induce paralysis in their foes .", "summaries": ["He turned to curare , which South American Indians used to induce paralysis ."]} +{"id": "AKY.65.14", "text": "Bovet produced a curare-based compound that came to be widely used as a muscle relaxant during surgery on the chest and the abdomen .", "summaries": ["Bovet produced a compound used as a muscle relaxant during surgery ."]} +{"id": "AKY.65.15", "text": "In 1947 Bovet left the Pasteur Institute for the Insituto Superiore di Sanita in Rome , which was able to offer him better facilities .", "summaries": ["Bovet left for the Insituto Superiore di Sanita in Rome , which was able to offer better facilities ."]} +{"id": "AKY.65.16", "text": "Here he was increasingly concerned with the chemistry of the brain , which he believed held the key to the treatment of mental illness .", "summaries": ["he was concerned with the chemistry of the brain , the key to mental illness ."]} +{"id": "AKY.65.17", "text": "He became an Italian citizen in 1947 .", "summaries": ["He became Italian in 1947 ."]} +{"id": "AKY.65.18", "text": "Bovet married , in 1938 , Filomeni Nitti , daughter of an anti-Fascist prime minister of Italy .", "summaries": ["Bovet married , Filomeni Nitti , daughter of an anti-Fascist minister ."]} +{"id": "AKY.65.19", "text": "Appropriately enough , he experienced `` a lightning chemical reaction '' on their first meeting .", "summaries": ["Appropriately , he experienced `` a chemical reaction '' on their first meeting ."]} +{"id": "AKY.65.2", "text": "When Bovet won the prize it was noted that he had never taken out a patent in his own name or sought to make a penny from the commercial expoitation of his research .", "summaries": ["When Bovet won it was noted he had never taken out a patent or sought to make a penny from his research ."]} +{"id": "AKY.65.20", "text": "They had a son .", "summaries": ["They had a son ."]} +{"id": "AKY.65.3", "text": "The son of an educationist , Daniele Bovet was born at Neuchatel , Switzerland , on March 23 1907 , and was instantly treated as a subject of research .", "summaries": ["son of an educationist , Daniele Bovet was born on March 23 1907 , and was treated as a subject of research ."]} +{"id": "AKY.65.4", "text": "`` We children were guinea pigs for testing father 's educational theories , '' he remembered .", "summaries": ["`` We were guinea pigs for father 's educational theories , '' he remembered ."]} +{"id": "AKY.65.5", "text": "`` It was wonderful. '' Young Daniele demonstrated his proclivities by cultivating moulds in his mother 's jam jars , before undertaking more formal education at Geneva University .", "summaries": ["`` It was wonderful. '' Daniele demonstrated his proclivities by cultivating moulds in jam jars , before undertaking education at Geneva University ."]} +{"id": "AKY.65.6", "text": "In 1929 he went to Paris to work at the Pasteur Institute .", "summaries": ["In 1929 he went to work at the Pasteur Institute ."]} +{"id": "AKY.65.7", "text": "When word came from Germany that a dye product called protonsil was proving efficacious in the treatment of streptococcal infections in mice , Bovet set himself to analyse this `` clumsy , complex chemical '' .", "summaries": ["When protonsil was proving efficacious in the treatment of streptococcal infections in mice , Bovet set to analyse this `` chemical '' ."]} +{"id": "AKY.65.8", "text": "He succeeded in isolating the essential germ-killing element , and created sulfanilamide , the first modern drug to work directly upon the cause of infection .", "summaries": ["He succeeded in isolating the germ-killing element , and created sulfanilamide , the first modern drug to work directly upon infection ."]} +{"id": "AKY.65.9", "text": "He went on to develop a succession of life-saving sulfa drugs .", "summaries": ["He went on to develop life-saving sulfa drugs ."]} +{"id": "AKY.7.0", "text": "Italian air force fighters scrambled to intercept a Libyan airliner flying towards Europe yesterday as the United Nations imposed sanctions on Libya for the first time in Col Muammar Gaddafi 's turbulent 22 years in power .", "summaries": ["air force fighters scrambled to intercept a Libyan airliner as the United Nations imposed sanctions on Libya ."]} +{"id": "AKY.7.1", "text": "Throughout Europe and in Japan , Libyan diplomats were ordered out .", "summaries": ["Throughout Europe and Japan , Libyan diplomats were ordered out ."]} +{"id": "AKY.7.10", "text": "It turned back and tried to land at Malta , but was refused permission .", "summaries": ["It tried to land at Malta , but was refused ."]} +{"id": "AKY.7.11", "text": "Another Libyan airliner took off from Tripoli en route for Malta , but was refused permission to enter Maltese airspace .", "summaries": ["Another airliner from Tripoli en route for Malta was refused permission to enter Maltese airspace ."]} +{"id": "AKY.7.12", "text": "Shortly afterwards , the Swiss Cabinet decided to join in the sanctions , despite the country 's tradition of neutrality .", "summaries": ["the Swiss decided to join in the sanctions , despite the country 's tradition of neutrality ."]} +{"id": "AKY.7.13", "text": "The Italian alert provided the main drama in a day when the diplomatic noose around Libya was tightened .", "summaries": ["The Italian alert provided drama ."]} +{"id": "AKY.7.14", "text": "European countries , including France , Italy , Belgium , Denmark , Sweden and Germany , as well as Japan , ordered out 24 Libyan diplomats .", "summaries": ["European countries and Japan ordered out Libyan diplomats ."]} +{"id": "AKY.7.15", "text": "In Manila and New Delhi , demonstrators burned effigies of Uncle Sam and President Bush , while Arab commentators spoke of a new crusade by the West against the Islamic world .", "summaries": ["In Manila and New Delhi , demonstrators burned effigies of Uncle Sam and Bush , while Arab commentators spoke of a crusade against the Islamic world ."]} +{"id": "AKY.7.16", "text": "The sanctions are designed to force Libya to hand over the two Lockerbie suspects and to co-operate in the investigation in a similar case , the mid-air explosion of a French airliner over Africa in 1989 .", "summaries": ["The sanctions are designed to force Libya to hand over the suspects and to co-operate in the investigation in a similar case , the mid-air explosion of a French airliner in 1989 ."]} +{"id": "AKY.7.17", "text": "A total of 440 people died in the two aircraft bombings .", "summaries": ["440 people died in the two aircraft bombings ."]} +{"id": "AKY.7.18", "text": "Libya also has to give proof of its claim to have renounced terrorism --- notably by revealing its history of links with the Ira .", "summaries": ["Libya has to give proof to have renounced terrorism by revealing its history with the Ira ."]} +{"id": "AKY.7.19", "text": "Mr Douglas Hurd , Foreign Secretary , made clear that the sanctions were only a first step , to be followed if necessary by a ban on oil exports , source of 95 per cent of Col Gaddafi 's revenue .", "summaries": ["Douglas Hurd , Foreign Secretary , made clear that the sanctions were to be followed by a ban on oil exports , source of 95 per cent of Gaddafi 's revenue ."]} +{"id": "AKY.7.2", "text": "Even the Arab world , which had tried to prevent the Un turning Libya into an international pariah , grudgingly acceded to the Un Security Council and cut off all air links .", "summaries": ["the Arab world grudgingly acceded and cut off air links ."]} +{"id": "AKY.7.20", "text": "But an oil embargo would also hurt Italy and Germany , the main importers of Libya 's high quality crude .", "summaries": ["an oil embargo would hurt Italy and Germany , importers of Libya 's crude ."]} +{"id": "AKY.7.21", "text": "`` We are deliberately taking it one step at a time ... We hope the existing measures will be persuasive , '' Mr Hurd said .", "summaries": ["`` We are taking it one step at a time ... We hope the measures will be persuasive , '' Mr Hurd said ."]} +{"id": "AKY.7.22", "text": "Britain is not obliged to take any action .", "summaries": ["Britain is not obliged to take action ."]} +{"id": "AKY.7.23", "text": "There are no direct air links with Libya , and the two countries do not have diplomatic relations .", "summaries": ["There are no air links , and the countries do not have diplomatic relations ."]} +{"id": "AKY.7.24", "text": "There are two diplomats at the `` Libyan interests section '' of the Saudi Arabian embassy , but they are not formally considered Libyans and will not be expelled .", "summaries": ["There are diplomats at the `` Libyan interests section '' of the Saudi embassy , but they will not be expelled ."]} +{"id": "AKY.7.25", "text": "The sanctions also call for a ban on weapon sales , including small arms for police use , and training , and an end to the sale and servicing of aircraft .", "summaries": ["The sanctions ban weapon sales , arms training , and the sale and servicing of aircraft ."]} +{"id": "AKY.7.26", "text": "Land and sea links remain unaffected .", "summaries": ["Land and sea links remain ."]} +{"id": "AKY.7.3", "text": "The Libyan government issued a defiant statement saying that `` Arabs will kneel to no one but God '' and threatened to `` reciprocate '' against countries which followed the Un sanctions regime .", "summaries": ["The Libyan government issued a statement saying `` Arabs will kneel to no one but God '' and threatened countries which followed the sanctions ."]} +{"id": "AKY.7.4", "text": "There are still about one million foreigners in Libya , including 5,000 Britons .", "summaries": ["There are one million foreigners in Libya , including 5,000 Britons ."]} +{"id": "AKY.7.5", "text": "But there has been no sign of panic flight as they remain convinced that they can still leave Libya by road , albeit at the cost of a 12-hour drive through the desert .", "summaries": ["there has been no panic flight as they can leave Libya by a 12-hour drive through the desert ."]} +{"id": "AKY.7.6", "text": "Sanctions , including a ban on air traffic and arms sales and the reduction in Libyan diplomatic representation , went into effect at dawn yesterday with the expiry of a grace period for Col Gaddafi to hand over the two suspected bombers of a Pan Am jumbo jet which exploded over Lockerbie , Scotland , in December 1988 .", "summaries": ["Sanctions went into effect yesterday with the expiry of a grace period for Gaddafi to hand over the suspected bombers of a Pan Am jet ."]} +{"id": "AKY.7.7", "text": "Libya , seeking to test the resolve of its critics , despatched aircraft in defiance of the embargo eastwards to Egypt and north across the Mediterranean en route to Switzerland , whose position on sanctions was unclear at the start of the day .", "summaries": ["Libya , to test its critics , despatched aircraft to Egypt and to Switzerland , whose position on sanctions was unclear ."]} +{"id": "AKY.7.8", "text": "Egypt closed its airspace and two Libyan aircraft were forced to turn back .", "summaries": ["Egypt closed its airspace and two Libyan aircraft were forced back ."]} +{"id": "AKY.7.9", "text": "But as the Zurich-bound Boeing 727 of Libyan Arab Airlines headed towards Italian airspace , two F104 fighters scrambled from a base in Sicily to intercept it. The Libyan plane was about eight nautical miles from Italian air space when it was told by air traffic controllers in Malta that it could not fly over Italian territory , an Italian air force spokesman said .", "summaries": ["as the Zurich-bound 727 headed towards Italian airspace , two fighters scrambled to intercept it. The plane was was told by air traffic controllers in Malta that it could not fly over Italian territory , an Italian spokesman said ."]} +{"id": "AL6.42.0", "text": "Snow , high winds and bitter disagreement yesterday further hampered attempts to tame Mount Etna , which is threatening to overrun the Sicilian town of Zafferana with millions of tons of volcanic lava .", "summaries": ["Snow , winds and bitter disagreement hampered attempts to tame Mount Etna , which is threatening the Sicilian town of Zafferana with millions of tons of lava ."]} +{"id": "AL6.42.1", "text": "The wall of molten lava has come to a virtual halt 150 yards from the first home in the town , but officials said yesterday that its flow appeared to have picked up speed further up the slope .", "summaries": ["The wall of molten lava has come to a halt 150 yards from the first home , but officials said that its flow appeared to have picked up speed further up the slope ."]} +{"id": "AL6.42.10", "text": "Rumours have been circulating that experts are bitterly divided over what to do .", "summaries": ["Rumours have been circulating that experts are divided ."]} +{"id": "AL6.42.11", "text": "But in another experiment 50 two-ton concrete slabs are to be chained together and dumped from a huge tilting steel platform about 6,750 ft above sea level .", "summaries": ["50 two-ton concrete slabs are to be chained together and dumped from 6,750 ft above sea level ."]} +{"id": "AL6.42.12", "text": "It is hoped the slabs will block the conduit from which the main force of the lava is said to be bearing down `` like a train '' , causing it to break up and cool .", "summaries": ["It is hoped the slabs will block the main force of the lava `` like a train '' , causing it to cool ."]} +{"id": "AL6.42.13", "text": "High winds and snowfalls have , however , grounded at a lower level the powerful Us Navy Sea Stallion helicopters used to transport the slabs .", "summaries": ["High winds have grounded the Us Navy Sea Stallion helicopters used to transport the slabs ."]} +{"id": "AL6.42.14", "text": "Prof Letterio Villari , a noted vulcanologist , said yesterday he had `` absolutely no faith whatsoever '' in the plan .", "summaries": ["Prof Letterio Villari , a vulcanologist , had `` no faith '' in the plan ."]} +{"id": "AL6.42.15", "text": "If Zafferana was saved from the lava , which could flow for a year or more , it would be `` a complete fluke '' , he said .", "summaries": ["If Zafferana was saved from the lava , it would be `` a fluke '' ."]} +{"id": "AL6.42.2", "text": "A crust appears to have formed over the volcanic rubble , but red-hot lava began creeping over it yesterday and into a private orchard .", "summaries": ["A crust formed , but red-hot lava began creeping over it yesterday and into a private orchard ."]} +{"id": "AL6.42.3", "text": "Bad weather dashed hopes of attempts to halt the flow during what was seen as a natural lull in the lava 's momentum .", "summaries": ["Bad weather dashed attempts to halt the flow during a lull in the lava 's momentum ."]} +{"id": "AL6.42.4", "text": "Some experts say that even if the eruption stopped today , the sheer pressure of lava piled up behind for six miles would bring debris cascading down on to the town anyway .", "summaries": ["experts say even if the eruption stopped , the sheer pressure of lava piled up for miles would bring debris down on to the town ."]} +{"id": "AL6.42.5", "text": "Some estimate the volcano is pouring out one million tons of debris a day , at a rate of 15 ft per second , from a fissure that opened in mid-December .", "summaries": ["the volcano is pouring out one million tons of debris a day , at 15 ft per second , from a fissure that opened in mid-December ."]} +{"id": "AL6.42.6", "text": "The Italian army yesterday detonated nearly 400 lb of dynamite 3,500 feet up Mount Etna 's slopes .", "summaries": ["The army yesterday detonated 400 lb of dynamite 3,500 feet up Mount Etna ."]} +{"id": "AL6.42.7", "text": "The explosives , which were described as nothing more than an experiment , were detonated just above a dam built in January and breached last week .", "summaries": ["The explosives were detonated just above a dam built in January and breached last week ."]} +{"id": "AL6.42.8", "text": "They succeeded in closing off the third of five underground conduits formed beneath the surface crust and through which red-hot magma has been flowing .", "summaries": ["They succeeded in closing the third of five underground conduits through which magma has been flowing ."]} +{"id": "AL6.42.9", "text": "But the teams later discovered that the conduit was dry , suggesting that the lava had already found a new course .", "summaries": ["the teams discovered the conduit dry , suggesting that the lava had found a new course ."]} +{"id": "latwp950206.0086.0", "text": "LOS ANGELES - Doug McClure , the affable , good-looking sidekick Trampas who imprinted himself in the nation 's memory riding the Western television range with `` The Virginian '' for eight years , is dead at the age of 59 .", "summaries": ["Doug McClure , the affable sidekick Trampas who imprinted himself in the nation 's memory with `` The Virginian '' is dead at 59 ."]} +{"id": "latwp950206.0086.1", "text": "McClure , who last appeared in the 1994 feature film `` Maverick '' as one of many Western gamblers , died Sunday night at his Los Angeles home after a months-long battle with lung cancer .", "summaries": ["McClure , who last appeared in `` Maverick '' , died Sunday night after a battle with lung cancer ."]} +{"id": "latwp950206.0086.10", "text": "I did some films and theater in London .", "summaries": ["I did films and theater in London ."]} +{"id": "latwp950206.0086.11", "text": "I went to New York .", "summaries": ["I went to New York ."]} +{"id": "latwp950206.0086.12", "text": "But I had been on television so much , people thought ( if I was n't on television ) I was n't around. '' McClure 's first acting job was in a syndicated series , `` Men of Annapolis. '' After a few feature films , including `` The Enemy Below , '' `` Gidget '' and `` The Unforgiven , '' he was placed under contract by Universal .", "summaries": ["I had been on television so much , people thought ( if I was n't on television ) I was n't around. '' McClure 's first acting was in a syndicated series , `` Men of Annapolis. '' After a few films , including `` The Enemy Below , '' `` Gidget '' and `` The Unforgiven , '' he was placed under contract by Universal ."]} +{"id": "latwp950206.0086.13", "text": "He began the string of series for the small screen as William Bendix ' sidekick in `` The Overland Trail , '' and went on to the equally short-lived `` Checkmate , '' a private-eye series set in San Francisco .", "summaries": ["He began series for the small screen as William Bendix ' sidekick in `` The Overland Trail , '' and went on to `` Checkmate , '' a private-eye series ."]} +{"id": "latwp950206.0086.14", "text": "In 1962 , he joined `` The Virginian '' and stayed until it ended eight years later .", "summaries": ["In 1962 , he joined `` The Virginian '' and stayed eight years ."]} +{"id": "latwp950206.0086.15", "text": "The series was highly praised for its 90-minute format , serious stories and fine guest stars .", "summaries": ["The series was praised for its format , stories and guest stars ."]} +{"id": "latwp950206.0086.2", "text": "Last Dec. 16 , McClure greeted the placing of his star on the Hollywood Walk of Fame as `` the incentive to get well. '' A memorial floral arrangement adorned the star Monday .", "summaries": ["McClure greeted his star on the Hollywood Walk of Fame as `` incentive to get well. '' A memorial adorned the star Monday ."]} +{"id": "latwp950206.0086.3", "text": "McClure expressed pride in bridging two generations .", "summaries": ["McClure expressed pride in bridging generations ."]} +{"id": "latwp950206.0086.4", "text": "Although his fame peaked with `` The Virginian '' co-starring James Drury , McClure continued to work .", "summaries": ["Although his fame peaked with `` The Virginian '' McClure continued to work ."]} +{"id": "latwp950206.0086.5", "text": "Younger viewers have seen him in the 1988 television comedy series `` Out of This World '' as well as in guest appearances on such shows the 1977 classic `` Roots , '' and with Drury on the 1991 Kenny Rogers miniseries `` The Gambler Returns '' and an ABC special titled `` How the West Was Fun. '' McClure recently had been working on a film called `` One West Waikiki '' filmed in Hawaii .", "summaries": ["Younger viewers have seen him in the 1988 television comedy `` Out of This World '' as well as in appearances on the 1977 classic `` Roots , '' and with Drury on the Kenny Rogers miniseries `` The Gambler Returns '' and `` How the West Was Fun. '' McClure recently had been working on a film called `` One West Waikiki '' ."]} +{"id": "latwp950206.0086.6", "text": "But on Jan. 8 he collapsed on the set and was flown to Los Angeles for hospitalization .", "summaries": ["on Jan. 8 he collapsed and was flown to Los Angeles for hospitalization ."]} +{"id": "latwp950206.0086.7", "text": "At that time , doctors discovered that his cancer had spread .", "summaries": ["doctors discovered that his cancer had spread ."]} +{"id": "latwp950206.0086.8", "text": "`` I had this feeling everybody thought I was dead , '' McClure said in a 1988 interview .", "summaries": ["`` I had this feeling everybody thought I was dead , '' McClure said ."]} +{"id": "latwp950206.0086.9", "text": "`` I did n't quit .", "summaries": ["`` I did n't quit ."]} +{"id": "latwp950904.0039.0", "text": "NEW YORK - William Kunstler , the lawyer whose passionate defense of radical causes and political pariahs catapulted him to fame and controversy within the American legal system , died Monday at the age of 76 at the Columbia-Presbyterian Medical Center in Manhattan .", "summaries": ["William Kunstler , the lawyer whose defense of radical causes and pariahs catapulted him to fame , died Monday at 76 in Manhattan ."]} +{"id": "latwp950904.0039.1", "text": "His death from cardiac arrest was tearfully announced by his law partner , Ron Kuby .", "summaries": ["His death was announced ."]} +{"id": "latwp950904.0039.10", "text": "He defended the Chicago Seven anti-war activists against charges of conspiring to incite riots at the Democratic National Convention in 1968 .", "summaries": ["He defended the Chicago Seven against charges to incite riots at the Democratic National Convention in 1968 ."]} +{"id": "latwp950904.0039.11", "text": "Jurors acquitted the seven defendants of conspiracy charges .", "summaries": ["Jurors acquitted the defendants ."]} +{"id": "latwp950904.0039.12", "text": "Five were found guilty of incitement .", "summaries": ["Five were guilty of incitement ."]} +{"id": "latwp950904.0039.13", "text": "Kunstler persuaded a jury in 1991 to acquit El Sayyid A. Nosair on charges of killing Rabbi Meir Kahane , the founder of the militant Jewish Defense League , even though Nosair , holding a gun , was seen fleeing the Manhattan hotel where Kahane was assassinated .", "summaries": ["Kunstler persuaded a jury to acquit El Sayyid A. Nosair of killing Rabbi Meir Kahane , the founder of the Jewish Defense League , even though Nosair , holding a gun , was seen fleeing the hotel where Kahane was assassinated ."]} +{"id": "latwp950904.0039.14", "text": "Nosair was convicted on lesser charges of weapon possession and assaulting the U.S. postal inspector who captured him .", "summaries": ["Nosair was convicted of weapon possession and assaulting the U.S. postal inspector who captured him ."]} +{"id": "latwp950904.0039.15", "text": "`` I do n't think I ever felt as detested as when I joined the defense team of El Sayyid Nosair , '' Kunstler wrote in his 1994 autobiography , `` My Life as a Radical Lawyer. '' `` Because I am Jewish , the criticism against me for defending Nosair was particularly vehement. '' In another unpopular case , Kunstler helped defend Colin Ferguson , a Jamaican immigrant who killed six and wounded 19 others on a Long Island Rail Road commuter train .", "summaries": ["`` I do n't think I ever felt as detested as when I joined the defense of El Sayyid Nosair , '' Kunstler wrote , `` My Life as a Radical Lawyer. '' `` Because I am Jewish , the criticism was vehement. '' In another unpopular case , Kunstler helped defend Colin Ferguson , a Jamaican who killed six and wounded 19 on a Long Island Rail Road train ."]} +{"id": "latwp950904.0039.16", "text": "Kunstler had tried to argue that Ferguson suffered from `` black rage '' that made him not responsible for his actions .", "summaries": ["Kunstler had tried to argue that Ferguson suffered from `` rage '' that made him not responsible for his actions ."]} +{"id": "latwp950904.0039.17", "text": "He opened his successful defense of Larry Davis , who was accused of trying to kill nine New York City police officers , by declaring the case really was about `` how the police treat young Third World people in the depressed communities of our city. '' Before a judge barred him from continuing the case because he was a potential witness , Kunstler recently defended Egyptian cleric Sheik Omar Abdel Rahman , who is being tried on charges of leading a conspiracy to blow up the United Nations , two commuter tunnels and the Manhattan headquarters of the FBI .", "summaries": ["He opened his successful defense of Larry Davis , who was accused of trying to kill nine police officers , by declaring the case about `` how the police treat Third World people in depressed communities '' Before a judge barred him from the case because he was a potential witness , Kunstler recently defended Egyptian cleric Sheik Omar Abdel Rahman , who is being tried on charges of conspiracy to blow up the United Nations , two tunnels and the Manhattan FBI ."]} +{"id": "latwp950904.0039.2", "text": "Kunstler had been hospitalized since Aug. 28 and had received a pacemaker in hopes of stabilizing his heart .", "summaries": ["Kunstler had been hospitalized since Aug. 28 and had received a pacemaker ."]} +{"id": "latwp950904.0039.3", "text": "In a recent interview , Kunstler , whose clients over a long and often stormy career ranged from the Chicago Seven to Martin Luther King Jr. to comedian Lenny Bruce , discussed how he wished to die .", "summaries": ["Kunstler , whose clients ranged from the Chicago Seven to Martin Luther King Jr. to Lenny Bruce , discussed how he wished to die ."]} +{"id": "latwp950904.0039.4", "text": "He said he hoped to be delivering an impassioned summation to a jury when he passed away , slipping from the lectern to the courtroom floor .", "summaries": ["He hoped to be delivering an impassioned summation to a jury when he passed away , slipping to the courtroom floor ."]} +{"id": "latwp950904.0039.5", "text": "`` I do n't want to lead a life of quiet desperation , '' he said of his life and legal practice .", "summaries": ["`` I do n't want to lead a life of quiet desperation , '' he said ."]} +{"id": "latwp950904.0039.6", "text": "`` Bill was America 's authentic radical lawyer , '' said Norman Siegel , director of the American Civil Liberties Union in New York , who knew him as a friend and attorney .", "summaries": ["`` Bill was America 's radical lawyer , '' said Norman Siegel , who knew him ."]} +{"id": "latwp950904.0039.7", "text": "Throughout most of his career , the deep-spoken lawyer battled the system with theatrical flair .", "summaries": ["Throughout his career , the lawyer battled with flair ."]} +{"id": "latwp950904.0039.8", "text": "`` I enjoy the spotlight as most humans do , '' he explained , `` but it 's not my whole raison d'etre .", "summaries": ["`` I enjoy the spotlight , but it 's not my raison d'etre ."]} +{"id": "latwp950904.0039.9", "text": "My purpose is to keep the state from becoming all-domineering , all powerful. '' He scored some notable successes .", "summaries": ["My purpose is to keep the state from becoming all powerful. '' He scored some successes ."]} +{"id": "latwp951101.0004.0", "text": "COSTA MESA , Calif - Katsumasa `` Roy '' Sakioka , who overcame prejudice , wartime internment and chronic shyness to become one of the United States ' richest men , has died .", "summaries": ["Katsumasa `` Roy '' Sakioka , who overcame prejudice , internment and shyness to become one of the United States ' richest men , has died ."]} +{"id": "latwp951101.0004.1", "text": "He was 96 .", "summaries": ["He was 96 ."]} +{"id": "latwp951101.0004.10", "text": "Twenty years after his retirement in the 1960s , Sakioka was still carrying a celery knife and rubber boots in his car , just in case he spied some farm work that needed doing .", "summaries": ["Twenty years after his retirement , Sakioka was carrying a celery knife and boots in his car , just in case he spied farm work that needed doing ."]} +{"id": "latwp951101.0004.11", "text": "In 1991 , Sakioka was named one of America 's 400 richest individuals by Forbes Magazine , to which he refused to grant an interview .", "summaries": ["Sakioka was named one of America 's richest individuals by Forbes , which he refused to grant an interview ."]} +{"id": "latwp951101.0004.12", "text": "The youngest of six children - as well as the father of six children - Sakioka was born in a farming village on the tiny Japanese island of Shikoku .", "summaries": ["The youngest of six - as well as the father of six - Sakioka was born in a farming village on the Japanese island Shikoku ."]} +{"id": "latwp951101.0004.13", "text": "At age 18 , Sakioka came to the United States where he planned to work hard and then return to Japan with his fortune .", "summaries": ["At 18 , Sakioka came to the United States where he planned to work and then return to Japan with his fortune ."]} +{"id": "latwp951101.0004.14", "text": "He returned only briefly in 1920 , to marry his childhood friend , Tomio .", "summaries": ["He returned in 1920 , to marry his friend , Tomio ."]} +{"id": "latwp951101.0004.15", "text": "Together , the couple raised three boys and three girls here .", "summaries": ["the couple raised three boys and three girls ."]} +{"id": "latwp951101.0004.2", "text": "At its zenith , Sakioka 's spectacular land empire included 1,000 prized acres in Orange County alone , where he was among the first to envision the coming real estate boom .", "summaries": ["Sakioka 's empire included 1,000 acres in Orange County , where he was among the first to envision the real estate boom ."]} +{"id": "latwp951101.0004.3", "text": "Despite emigrating to the United States with little money and speaking no English , Sakioka began buying small pieces of rural Orange County just after World War II , much of which he had spent in an internment camp .", "summaries": ["Despite emigrating to the United States with little money and speaking no English , Sakioka began buying small pieces of Orange County after World War II , which he had spent in an internment camp ."]} +{"id": "latwp951101.0004.4", "text": "Sakioka understood that celery thrived in Orange County 's black , moist soil .", "summaries": ["Sakioka understood that celery thrived in Orange County 's soil ."]} +{"id": "latwp951101.0004.5", "text": "But he also had an uncanny knack for knowing where freeways and shopping centers would sprout .", "summaries": ["he had an uncanny knack for knowing where freeways and shopping centers would sprout ."]} +{"id": "latwp951101.0004.6", "text": "He was a master at buying land along development 's path and selling it at the last possible - and most profitable - moment .", "summaries": ["He was a master at buying land along development 's path and selling it at the most profitable moment ."]} +{"id": "latwp951101.0004.7", "text": "A frail , frugal , intensely private man who lived in a modest one-story , ranch-style house in Costa Mesa , Sakioka amassed roughly $ 325 million in landholdings .", "summaries": ["A frail , intensely private man who lived in a modest house , Sakioka amassed $ 325 million in landholdings ."]} +{"id": "latwp951101.0004.8", "text": "Many of the county 's malls and office towers sit on former celery fields he owned .", "summaries": ["Many of the malls and office towers sit on fields he owned ."]} +{"id": "latwp951101.0004.9", "text": "Still , despite his immense wealth , Sakioka , who died Saturday , retained a passion for hard work .", "summaries": ["despite his immense wealth , Sakioka , who died Saturday , retained a passion for hard work ."]} +{"id": "latwp960105.0066.0", "text": "HOLLYWOOD - Leon Schwab , who helped make his family 's fabled drug store on Sunset Boulevard a haven for movie stars and the preferred site of an apocryphal anecdote about the discovery of actress Lana Turner , has died .", "summaries": ["Leon Schwab , who helped make his store on Sunset Boulevard a haven for movie stars and the preferred site of an anecdote about the discovery of actress Lana Turner , has died ."]} +{"id": "latwp960105.0066.1", "text": "He was 88 .", "summaries": ["He was 88 ."]} +{"id": "latwp960105.0066.10", "text": "Among the regulars were Clark Gable , Judy Garland , Humphrey Bogart , Marilyn Monroe , Ronald Reagan , Cesar Romero and Turner , although historians have generally decided she was not discovered there by a movie producer .", "summaries": ["Among the regulars were Gable , Garland , Bogart , Monroe , Reagan , Romero and Turner , although historians have generally decided she was not discovered there ."]} +{"id": "latwp960105.0066.11", "text": "Many future stars did get their break by frequenting the drug store , however , thanks to Leon Schwab .", "summaries": ["Many stars did get their break by frequenting the drug store ."]} +{"id": "latwp960105.0066.12", "text": "`` All those movie stars were n't discovered at Schwab 's because they were seen there , but because Leon picked up the telephone , '' customer and Hollywood publicist Joe Seide told the Los Angeles Times in 1988 when the Sunset location went under the wrecking ball .", "summaries": ["`` All those movie stars were discovered at Schwab 's because Leon picked up the telephone , '' customer and publicist Joe Seide told the Times when the Sunset location went under the wrecking ball ."]} +{"id": "latwp960105.0066.13", "text": "`` All the studio heads got their prescriptions filled there and their checks cashed , and their milkshakes made .", "summaries": ["`` the studio heads got their prescriptions there and their checks cashed , and their milkshakes made ."]} +{"id": "latwp960105.0066.14", "text": "So when Leon saw someone of star material , they heard about it. '' Leon Schwab joined his brothers and sisters in the family business after earning his pharmaceutical degree from the University of Southern California .", "summaries": ["when Leon saw someone of star material , they heard about it. '' Leon Schwab joined the family business after earning his pharmaceutical degree from the University of Southern California ."]} +{"id": "latwp960105.0066.15", "text": "After brother Jack 's death , he concentrated on the Sunset store .", "summaries": ["After Jack 's death , he concentrated on the store ."]} +{"id": "latwp960105.0066.16", "text": "Realizing it was nestled among studios - Republic , RKO , Columbia - he catered to the show business community .", "summaries": ["nestled among studios - Republic , RKO , Columbia - he catered to the show business community ."]} +{"id": "latwp960105.0066.17", "text": "`` We started charge accounts , '' he told The Times in 1983 , `` and cashing checks. '' He also ran tabs for out-of-work actors and loaned them money and gave them food when they needed it. In 1953 , he added a pager and special phone for incoming calls to movie people .", "summaries": ["`` We started charge accounts , '' he told The Times , `` and cashing checks. '' He ran tabs for out-of-work actors and loaned them money when they needed it. In 1953 , he added a pager and special phone for calls to movie people ."]} +{"id": "latwp960105.0066.18", "text": "`` They were tying up the pay phone all the time , '' he said .", "summaries": ["`` They were tying up the phone , '' he said ."]} +{"id": "latwp960105.0066.19", "text": "Among Schwab 's survivors are one brother , Bernard ; two sons , Norman and Kent ; a daughter , Lynne , and six grandchildren .", "summaries": ["Schwab 's survivors are one brother , two sons , a daughter , and six grandchildren ."]} +{"id": "latwp960105.0066.2", "text": "Schwab , who often phoned Hollywood executives to tout would-be actors , died Thursday at Harbor South Medical Center following surgery for a broken hip .", "summaries": ["Schwab , who phoned Hollywood executives to tout would-be actors , died Thursday following surgery ."]} +{"id": "latwp960105.0066.3", "text": "Born May 5 , 1907 , Schwab moved to Los Angeles with his family .", "summaries": ["Born May 5 , 1907 , Schwab moved to Los Angeles ."]} +{"id": "latwp960105.0066.4", "text": "To support her four sons and two daughters , the widowed Lena Schwab started a pharmacy in the early 1920s .", "summaries": ["To support her four sons and two daughters , Lena Schwab started a pharmacy in the 1920s ."]} +{"id": "latwp960105.0066.5", "text": "Her six children , including Leon , worked at Schwab 's , which eventually expanded to seven stores in the Hollywood and Beverly Hills area .", "summaries": ["Her six children worked at Schwab 's , which expanded to seven stores in the area ."]} +{"id": "latwp960105.0066.6", "text": "A copy of the legendary lunch counter at 8024 Sunset Boulevard has recently been seen on both coasts as a set in the musical `` Sunset Boulevard. '' It also has been recreated more permanently at Universal Studios Florida , complete with a plaque dedicated to founder Lena Schwab .", "summaries": ["A copy of the legendary lunch counter has recently been seen on both coasts as a set in the musical `` Sunset Boulevard. '' It also has been recreated permanently at Universal Studios Florida , with a plaque dedicated to Lena Schwab ."]} +{"id": "latwp960105.0066.7", "text": "The original Sunset Schwab 's closed in 1983 after more than 50 years .", "summaries": ["Sunset Schwab 's closed in 1983 ."]} +{"id": "latwp960105.0066.8", "text": "In its heyday , Gloria Swanson , star of the original film `` Sunset Boulevard '' which featured scenes at Schwab 's , bought her makeup at the Sunset landmark .", "summaries": ["In its heyday , Gloria Swanson , star of `` Sunset Boulevard '' which featured scenes at Schwab 's , bought her makeup at the landmark ."]} +{"id": "latwp960105.0066.9", "text": "Charlie Chaplin and Paulette Goddard made their own milkshakes at the counter , and Hugh O'Brian worked there as a soda jerk .", "summaries": ["Charlie Chaplin and Paulette Goddard made milkshakes at the counter , and Hugh O'Brian worked as a soda jerk ."]} +{"id": "latwp960116.0119.0", "text": "LOS ANGELES - Paul Gillette , novelist , script writer and beverage industry analyst , who was best known for the book `` Play Misty for Me , '' has died of heart failure in Los Angeles .", "summaries": ["Paul Gillette , writer and beverage industry analyst , best known for the book `` Play Misty for Me , '' has died of heart failure in Los Angeles ."]} +{"id": "latwp960116.0119.1", "text": "He was 58 .", "summaries": ["He was 58 ."]} +{"id": "latwp960116.0119.10", "text": "He often called us to task , and we are all the better for it. I always looked forward to reading his valuable critiques and evaluations of the industry whether I agreed with him or not. '' He was also a highly regarded writing coach .", "summaries": ["He called us to task and we are the better for it. I looked forward to reading his evaluations of the industry '' He was a highly regarded writing coach ."]} +{"id": "latwp960116.0119.11", "text": "In addition to a weekly masters class for professional novelists , Gillette also taught fiction writing in the Master of Professional Writing program at the University of Southern California .", "summaries": ["In addition to a masters class for professional novelists , Gillette taught writing in the Master of Professional Writing program at the University of Southern California ."]} +{"id": "latwp960116.0119.12", "text": "Born in 1938 in Carbondale , Pa. , Gillette had his first article published in the Carbondale Daily News in 1949 as an 11-year-old .", "summaries": ["Born in Pa. , Gillette had his first article published in the Carbondale Daily News in 1949 as an 11-year-old ."]} +{"id": "latwp960116.0119.13", "text": "He was a 1959 graduate of Penn State University .", "summaries": ["He was graduate of Penn State ."]} +{"id": "latwp960116.0119.14", "text": "Gillette is survived by his wife , Shelly , and two daughters , Giuliana and Caroline .", "summaries": ["Gillette is survived by his wife and two daughters ."]} +{"id": "latwp960116.0119.2", "text": "`` Play Misty for Me , '' published in 1971 , became a film starring Clint Eastwood .", "summaries": ["`` Play Misty for Me , '' , became a film starring Clint Eastwood ."]} +{"id": "latwp960116.0119.3", "text": "It was one of several books written by Gillette including `` Carmela , '' ( 1972 ) ; `` The Chinese Godfather , '' ( 1981 ) ; `` Cat o ' Nine Tails , '' ( 1972 ) ; `` One of the Crowd , '' ( 1980 ) ; `` The Lopison Case , '' ( 1967 ) and `` Inside Klu Klux Klan '' ( 1965 ) .", "summaries": ["It was one of several books written by Gillette including `` Carmela '' ; `` The Chinese Godfather '' ; `` Cat o ' Nine Tails '' ; `` One of the Crowd '' ; `` The Lopison Case '' and `` Inside Klu Klux Klan '' ."]} +{"id": "latwp960116.0119.4", "text": "Gillette , who died Jan. 6 , was also a publisher and was among the first to host a nationally syndicated television show on wine appreciation .", "summaries": ["Gillette , who died Jan. 6 , was a publisher and among the first to host a television show on wine ."]} +{"id": "latwp960116.0119.5", "text": "`` Enjoying Wine with Paul Gillette , '' which he also wrote and produced , aired on what is now the Public Broadcasting System in 1974 .", "summaries": ["`` Enjoying Wine with Paul Gillette , '' which he wrote and produced , aired on the Public Broadcasting System in 1974 ."]} +{"id": "latwp960116.0119.6", "text": "Earlier , Gillette wrote for , and occasionally hosted , the long-running CBS program , `` Camera Three. '' In recent years , Gillette concentrated on publishing several beverage industry trade newsletters which he founded in 1976 including `` The Wine Investor - Executive Edition ; '' `` California Beverage Hotline , '' `` The Wine Investor - Buyers Guide , '' and `` Healthy Eating. '' He was also senior editor for `` The Wine Enthusiast , '' a consumer publication .", "summaries": ["Gillette wrote for and hosted the program , `` Camera Three. '' In recent years , Gillette concentrated on publishing several beverage industry trade newsletters and He was also editor for `` The Wine Enthusiast , '' a consumer publication ."]} +{"id": "latwp960116.0119.7", "text": "Gillette was considered a leading financial analyst on the beverage industry - one who also had an expert palate for wine tasting .", "summaries": ["Gillette was a leading financial analyst on the beverage industry - who had an expert palate for wine ."]} +{"id": "latwp960116.0119.8", "text": "He served as a consultant to wine industry clients in California , Washington state , France , Italy and Argentina .", "summaries": ["He served as a consultant to wine industry clients in California , Washington , France , Italy and Argentina ."]} +{"id": "latwp960116.0119.9", "text": "Robert Mondavi , founder and chairman of the Robert Mondavi Winery in Oakville , Calif. , said Gillette 's impact `` was perhaps most felt in his uncanny ability to forecast trends and target the critical issues and challenges facing the wine industry .", "summaries": ["Robert Mondavi , founder of the Robert Mondavi Winery , said Gillette 's impact `` was most felt in his ability to forecast trends and target the critical challenges facing the wine industry ."]} +{"id": "latwp960202.0084.0", "text": "LOS ANGELES - Gene Kelly , the exuberant , charismatic hoofer who danced , sang , smiled and splashed his way into the hearts of generations , died Friday after years of declining health .", "summaries": ["Gene Kelly , the charismatic hoofer who danced , sang and splashed his way into the hearts of generations , died Friday after declining health ."]} +{"id": "latwp960202.0084.1", "text": "He was 83 .", "summaries": ["He was 83 ."]} +{"id": "latwp960202.0084.10", "text": "But of all Kelly 's dance partners , none was more memorable than an umbrella .", "summaries": ["of all Kelly 's dance partners , none was more memorable than an umbrella ."]} +{"id": "latwp960202.0084.11", "text": "`` Singin ' in the Rain , '' the beloved , campy 1952 Hollywood spoof with Reynolds and O'Connor , provides the lasting image of Kelly 's winning screen persona : an affable , optimistic man with a fine Irish grin and soft spot in his heart .", "summaries": ["`` Singin ' in the Rain , '' provides the lasting image of Kelly 's winning screen persona : an affable , optimistic man with a fine grin and soft heart ."]} +{"id": "latwp960202.0084.12", "text": "In 1951 , Kelly worked with director Vincente Minnelli on `` An American in Paris , '' co-starring with the then 18-year-old Caron .", "summaries": ["In 1951 , Kelly worked with director Vincente Minnelli on `` An American in Paris , '' co-starring with the 18-year-old Caron ."]} +{"id": "latwp960202.0084.13", "text": "The film won eight Academy Awards , including Best Picture .", "summaries": ["The film won eight Academy Awards , including Best Picture ."]} +{"id": "latwp960202.0084.14", "text": "Kelly was awarded a special Oscar `` in appreciation of his versatility as an actor , singer , director , and dancer , and specifically for his brilliant achievements in the art of choreography on film. '' For all the accolades for `` An American in Paris , '' it was the next film , `` Singin ' in the Rain , '' that would define Kelly for years to come .", "summaries": ["Kelly was awarded a special Oscar `` in appreciation of his versatility and specifically for his achievements in the art of choreography '' For all the accolades for `` An American in Paris , '' it was the next film , `` Singin ' in the Rain , '' that would define Kelly ."]} +{"id": "latwp960202.0084.15", "text": "On the big screen , Kelly directed six films between 1957 and 1969 , ranging from the experimental `` Gigot '' with Jackie Gleason in 1962 to the big-budget box office hit , `` Hello Dolly ! '' with Barbra Streisand in 1969 .", "summaries": ["Kelly directed six films between 1957 and 1969 , ranging from the experimental `` Gigot '' with Jackie Gleason to the big-budget hit , `` Hello Dolly ! '' with Barbra Streisand ."]} +{"id": "latwp960202.0084.16", "text": "Kelly was married three times and fathered three children .", "summaries": ["Kelly married three times and fathered three children ."]} +{"id": "latwp960202.0084.2", "text": "As respected as he was likable , Kelly `` died peacefully in his sleep '' in his Beverly Hills home with wife Patricia at his bedside , according to his publicist , Warren Cowan .", "summaries": ["Kelly `` died in his sleep '' in his home with wife Patricia at his bedside ."]} +{"id": "latwp960202.0084.3", "text": "Kelly had suffered strokes in 1994 and 1995 and had been in ill health since .", "summaries": ["Kelly had strokes and been in ill health ."]} +{"id": "latwp960202.0084.4", "text": "His life was the stuff of a Hollywood musical .", "summaries": ["His life was a musical ."]} +{"id": "latwp960202.0084.5", "text": "Gene Kelly was a would-be baseball player and failed law student who once made money teaching basic dance steps in the basement of his parents ' Pennsylvania home .", "summaries": ["Gene Kelly was a baseball player and law student who once made money teaching dance in his parents ' home ."]} +{"id": "latwp960202.0084.6", "text": "After a few Depression-era amateur contests , he conquered Broadway and then Hollywood , starring in such films as `` Singin ' in the Rain , '' `` On the Town '' and `` An American in Paris. '' Along the way , he revolutionized motion picture choreography , and achieved success as a director and producer as well .", "summaries": ["he conquered Broadway and Hollywood , starring in `` Singin ' in the Rain , '' `` On the Town '' and `` An American in Paris. '' he revolutionized motion picture choreography , and achieved success as a director and producer ."]} +{"id": "latwp960202.0084.7", "text": "Debbie Reynolds , who co-starred in `` Singin ' in the Rain , '' remembered Kelly Friday as `` a great dancer ... a cinematic genius ( whose ) work will influence films forever. '' `` He made me a star ... , '' she said .", "summaries": ["Debbie Reynolds remembered Kelly as `` a great dancer ... a cinematic genius ( whose ) work will influence films forever. '' `` He made me a star ... , '' she said ."]} +{"id": "latwp960202.0084.8", "text": "`` He taught me how to dance and how to work hard , to be dedicated and yet still loving , as he was to his family and friends. '' Charles Champlin , former arts editor of the Los Angeles Times , called Kelly 's classic swing around the lamppost in `` Singin ' in the Rain '' `` the high point of solo screen dancing ... an absolute masterpiece of the dance form. '' Judy Garland , in 1942 , was Kelly 's first dance partner on the big screen .", "summaries": ["`` He taught me how to dance and work hard , to be dedicated and yet still loving , as he was '' Charles Champlin , former arts editor of the Los Angeles Times , called Kelly 's classic swing around the lamppost in `` Singin ' in the Rain '' `` the high point of solo dancing ... an masterpiece of form. '' Judy Garland was Kelly 's first partner on the big screen ."]} +{"id": "latwp960202.0084.9", "text": "Later came Fred Astaire , Rita Hayworth , Frank Sinatra , Leslie Caron , Debbie Reynolds , Donald O'Connor , Shirley MacLaine and many others .", "summaries": ["Later came Fred Astaire , Rita Hayworth , Frank Sinatra , Leslie Caron , Debbie Reynolds , Donald O'Connor , Shirley MacLaine and others ."]} +{"id": "latwp960402.0123.0", "text": "Leading civil-rights lawyer and former City University of New York Law School Dean W. Haywood Burns and Shanara Gilbert , an associate professor at the law school in Queens , N.Y. , were killed in a car crash Tuesday in Cape Town , South Africa , authorities and associates of the two said Tuesday night .", "summaries": ["civil-rights lawyer and former City University of New York Law School Dean W. Haywood Burns and Shanara Gilbert , an associate professor at the law school in Queens , N.Y. , were killed in a car crash in South Africa ."]} +{"id": "latwp960402.0123.1", "text": "Burns , 55 , and Gilbert , about 45 , both of whom had traveled several times to South Africa to press for the civil-rights cause there , were attending a conference of an international lawyers ' association , said Clinton Bamberger , a University of Maryland law professor who knew Burns well .", "summaries": ["Burns and Gilbert , both of whom had traveled to South Africa for the civil-rights cause , were attending a conference , said Clinton Bamberger , a University of Maryland law professor who knew Burns ."]} +{"id": "latwp960402.0123.10", "text": "Burns headed the defense teams of black communist activist Angela Davis and the Attica Brothers after the 1971 prison rebellion .", "summaries": ["Burns headed the defense of black activist Angela Davis and the Attica Brothers after the 1971 prison rebellion ."]} +{"id": "latwp960402.0123.11", "text": "He served for 10 years as vice provost and dean for urban and legal programs at City College before being named dean of the City University of New York Law School at Queens College in June , 1987 .", "summaries": ["He served for 10 years as vice provost and dean for urban and legal programs at City College before being dean of the City University of New York Law School at Queens College in 1987 ."]} +{"id": "latwp960402.0123.12", "text": "When he assumed his duties on Sept. 1 of that year , Burns became the first black dean of a law school in the state .", "summaries": ["Burns became the first black dean of a law school in the state ."]} +{"id": "latwp960402.0123.13", "text": "After stepping down as dean after the 1994-95 academic year , Burns spent last year as a visiting professor at his alma mater , Yale Law School .", "summaries": ["After stepping down as dean , Burns spent last year as a professor at Yale Law School ."]} +{"id": "latwp960402.0123.14", "text": "He had returned to the CUNY Law School faculty last fall .", "summaries": ["He returned to the CUNY Law School faculty last fall ."]} +{"id": "latwp960402.0123.15", "text": "Distributed by the Los Angeles Times-Washington Post News Service", "summaries": ["Distributed by the Los Angeles Times-Washington Post News"]} +{"id": "latwp960402.0123.2", "text": "Maria Louw , matron in charge at Tygerberg Hospital in Cape Town , said in a telephone interview that the two were brought to the hospital 's emergency room shortly before 10 p.m. Tuesday night .", "summaries": ["Maria Louw said the two were brought to the emergency room shortly before 10 p.m. Tuesday night ."]} +{"id": "latwp960402.0123.3", "text": "Louw said she did not know details of the accident , only that there were at least two other deaths in a collision , both in the car in which Burns and Gilbert were traveling and in another vehicle .", "summaries": ["Louw said that there were two other deaths , both in the car in which Burns and Gilbert were traveling and in another vehicle ."]} +{"id": "latwp960402.0123.4", "text": "Both Burns and Gilbert suffered head injuries , and Gilbert suffered chest injuries as well , Louw said .", "summaries": ["Both Burns and Gilbert suffered head injuries and Gilbert suffered chest injuries , Louw said ."]} +{"id": "latwp960402.0123.5", "text": "Both were unconscious when they arrived at the hospital , and were immediately placed on life-support equipment , she said .", "summaries": ["Both were unconscious when they arrived and were immediately placed on life-support , she said ."]} +{"id": "latwp960402.0123.6", "text": "Gilbert died about 10 p.m. and Burns died about 2:30 a.m. , Louw said .", "summaries": ["Gilbert died about 10 p.m. and Burns about 2:30 a.m. ."]} +{"id": "latwp960402.0123.7", "text": "Burns , a graduate of Harvard University and Yale Law School , had been a leading legal light for civil rights since the movement of the 1960s in the Deep South .", "summaries": ["Burns had been a leading legal light for civil rights since the 1960s in the Deep South ."]} +{"id": "latwp960402.0123.8", "text": "He waged his first personal fight against discrimination as a 15-year-old in Peekskill , N.Y. , when he helped to integrate a swim club by filing a complaint with the state Human Rights Commission .", "summaries": ["He waged his first fight against discrimination as a 15-year-old in N.Y. , when he helped integrate a club by filing a complaint with the state Human Rights Commission ."]} +{"id": "latwp960402.0123.9", "text": "In the 1960s , he registered black voters in the South , worked as a lawyer for the National Association for the Advancement of Colored People and was chief counsel to the Poor People 's Project , the Rev. Martin Luther King Jr.'s last project before King was assassinated in 1968 .", "summaries": ["he registered black voters , worked as a lawyer for the National Association for the Advancement of Colored People and was counsel to the Poor People 's Project , the Rev. Martin Luther King Jr.'s last project in 1968 ."]} +{"id": "latwp960524.0084.0", "text": "LOS ANGELES - Tom Forman , half of the creative team which produced the `` Motley 's Crew '' syndicated comic strip for the past 20 years , has died .", "summaries": ["Tom Forman , half of the team which produced the `` Motley 's Crew '' comic strip for 20 years , has died ."]} +{"id": "latwp960524.0084.1", "text": "He was 60 .", "summaries": ["He was 60 ."]} +{"id": "latwp960524.0084.10", "text": "At age 26 , he turned down an offer to pitch in the minor leagues for the Los Angeles Angels .", "summaries": ["At 26 , he turned down an offer in the minor leagues for the Los Angeles Angels ."]} +{"id": "latwp960524.0084.11", "text": "He also was an avid swimmer and golfer and Little League coach .", "summaries": ["He was an avid swimmer and golfer and coach ."]} +{"id": "latwp960524.0084.12", "text": "The two men worked in their respective homes and met weekly to critique each other 's output , sure the neighbors thought they were occupied in something illegal .", "summaries": ["The men worked in their homes and met weekly to critique output , sure the neighbors thought they were occupied in something illegal ."]} +{"id": "latwp960524.0084.13", "text": "`` They 're very suspicious , '' Forman told the Los Angeles Times in 1981 .", "summaries": ["`` They 're suspicious , '' Forman told the Los Angeles Times ."]} +{"id": "latwp960524.0084.14", "text": "`` All they know about us is that we work for a syndicate , get phone calls from New York , never go out and have meetings in the basement. '' Ever the teacher , Forman spent his life mentoring youngsters and other writers and cartoonists including Dave Miller and Stephen Bentley .", "summaries": ["`` we work for a syndicate , get calls from New York , never go out and have meetings in the basement. '' Forman spent his life mentoring youngsters and writers and cartoonists including Dave Miller and Stephen Bentley ."]} +{"id": "latwp960524.0084.15", "text": "`` As well as being very good at this job , '' Templeton said of his partner , `` Tom had the most human attribute of all , that of a natural-born teacher. '' Forman is survived by his wife , Ann , and two children , David and Laura .", "summaries": ["`` As well as being good at this job , '' Templeton said , `` Tom had the most human attribute , that of a teacher. '' Forman is survived by his wife and two children ."]} +{"id": "latwp960524.0084.2", "text": "Forman , who wrote the strip drawn by Ben Templeton and signed Forman Templeton , died Saturday of cancer in his home in nearby Agoura Hills .", "summaries": ["Forman , who wrote the strip drawn by Ben Templeton and signed Forman Templeton , died Saturday of cancer in his home ."]} +{"id": "latwp960524.0084.3", "text": "The team also produced the comics `` Elwood , '' `` Prime Time '' and `` The Sporting Life. '' `` Motley 's Crew , '' printed regularly in 250 newspapers , is a satirical social commentary as seen through the eyes of blue-collar worker Mike Motley .", "summaries": ["The team produced the comics `` Elwood , '' `` Prime Time '' and `` The Sporting Life. '' `` Motley 's Crew , '' printed in 250 newspapers , is a social commentary seen through the eyes of worker Mike Motley ."]} +{"id": "latwp960524.0084.4", "text": "Born in Detroit , Forman earned a degree in government at California State University , Los Angeles , and taught government and history for four years .", "summaries": ["Born in Detroit , Forman earned a degree at California State University , Los Angeles , and taught for four years ."]} +{"id": "latwp960524.0084.5", "text": "Then he switched to writing , producing and developing television documentaries , feature films and television plots .", "summaries": ["he switched to writing , producing and developing documentaries , feature films and television plots ."]} +{"id": "latwp960524.0084.6", "text": "Deciding he was going broke trying to sell movies , he got the idea for Motley and , through a mutual friend , met Templeton , an advertising art director and designer .", "summaries": ["Deciding he was going broke trying to sell movies , he got the idea for Motley and met Templeton , an art director ."]} +{"id": "latwp960524.0084.7", "text": "They drew and wrote the strip and , despite long odds against selling a new cartoon , managed to sell it to a syndicate in 1976 .", "summaries": ["They wrote a new cartoon to sell it to a syndicate in 1976 ."]} +{"id": "latwp960524.0084.8", "text": "They added `` The Sporting Life , '' which satirizes sports , two years later and the others after that .", "summaries": ["They added `` The Sporting Life , '' which satirizes sports , later and the others after that ."]} +{"id": "latwp960524.0084.9", "text": "A sports junkie , Forman played semipro basketball and baseball .", "summaries": ["Forman played semipro basketball and baseball ."]} +{"id": "latwp960710.0001.0", "text": "Melvin Belli , 88 , one of the most celebrated and controversial of American trial lawyers , a flamboyant defender of the notorious and courtroom champion of the aggrieved , died Tuesday at his home in San Francisco .", "summaries": ["Melvin Belli , 88 , one of the most celebrated lawyers , a defender of the notorious and champion of the aggrieved , died Tuesday at his home in San Francisco ."]} +{"id": "latwp960710.0001.1", "text": "Belli suffered a stroke last week as a result of pancreatic cancer , a family member told the Associated Press .", "summaries": ["Belli suffered a stroke as a result of cancer ."]} +{"id": "latwp960710.0001.10", "text": "`` I will defend anyone who comes to me-even the president of the bar association. '' A man who acknowledged to one interviewer that he `` might have been an actor '' if he had not chosen the law , he also achieved renown through writing , speeches and seminars .", "summaries": ["`` I will defend anyone '' A man who acknowledged that he `` might have been an actor '' if he had not chosen law , he also achieved renown through writing , speeches and seminars ."]} +{"id": "latwp960710.0001.11", "text": "Among the contributions to courtroom technique for which he was known was `` demonstrative evidence , '' the use of dramatic props and presentations to bring to life the issues of a case .", "summaries": ["Among the contributions was `` demonstrative evidence , '' the use of props to bring to life the issues of a case ."]} +{"id": "latwp960710.0001.12", "text": "He said he learned the value of that while representing a San Quentin prisoner who claimed the killing of another prisoner was self-defense .", "summaries": ["He learned that representing a San Quentin prisoner who claimed killing another prisoner was self-defense ."]} +{"id": "latwp960710.0001.13", "text": "At a crucial moment , Belli let slip the contents of a package he carried .", "summaries": ["At a crucial moment , Belli let slip the contents ."]} +{"id": "latwp960710.0001.14", "text": "A glittering array of knives and other sharp objects , allegedly seized from the other prisoners , clattered to the floor before the eyes of the jury .", "summaries": ["knives and other sharp objects , allegedly seized from the prisoners , clattered to the floor before the jury ."]} +{"id": "latwp960710.0001.15", "text": "The defendant was acquitted .", "summaries": ["The defendant was acquitted ."]} +{"id": "latwp960710.0001.16", "text": "`` If you can tell them and show them , too , let them see and feel and even taste or smell the evidence , '' he said , `` then you will reach the jury. '' Jack Ruby , accused of fatally shooting Lee Harvey Oswald , the accused assassin of Kennedy , may have been Belli 's best-known client .", "summaries": ["`` If you let them feel and taste or smell the evidence , '' he said , `` then you will reach the jury. '' Jack Ruby may have been Belli 's best-known client ."]} +{"id": "latwp960710.0001.17", "text": "Demonstrating the vast store of medical knowledge he had accumulated over a lifetime of malpractice suits , Belli tried to show that Ruby had suffered a blackout as a result of psychomotor epilepsy .", "summaries": ["Demonstrating medical knowledge accumulated over malpractice suits , Belli tried to show that Ruby had suffered psychomotor epilepsy ."]} +{"id": "latwp960710.0001.18", "text": "Thus , the argument went , even though millions had seen the shooting on television , he was not guilty by reason of temporary insanity .", "summaries": ["even though millions had seen the shooting , he was not guilty by reason of insanity ."]} +{"id": "latwp960710.0001.19", "text": "But the verdict was guilty , and Belli waxed indignant , calling it a `` victory for bigotry. '' Belli was born July 29 , 1907 , in Sonora , Calif. , and he determined on a legal career from childhood .", "summaries": ["But the verdict was guilty and Belli calling it a `` victory for bigotry. '' Belli was born in Calif. , and he determined on a legal career from childhood ."]} +{"id": "latwp960710.0001.2", "text": "He apparently had pneumonia when he died , according to a publicist with his Los Angeles law office .", "summaries": ["He had pneumonia when he died , according to a his office ."]} +{"id": "latwp960710.0001.20", "text": "He got his law degree from the University of California in 1933 , and his first job involved posing as a hobo while serving as an investigator for one of the New Deal agencies .", "summaries": ["He got his law degree from the University of California and his first job involved posing as a hobo while serving as an investigator for the New Deal agencies ."]} +{"id": "latwp960710.0001.21", "text": "Later , in private practice , he began specializing in civil actions , in which he collected a fee only if he won .", "summaries": ["specializing in civil actions , he collected a fee only if he won ."]} +{"id": "latwp960710.0001.22", "text": "Many of the victories set legal precedents .", "summaries": ["Many of the victories set precedents ."]} +{"id": "latwp960710.0001.23", "text": "For Belli , it was exhilarating .", "summaries": ["For Belli , it was exhilarating ."]} +{"id": "latwp960710.0001.24", "text": "`` I felt good , '' he said , `` because I had elevated the injured little guy to the economic level of stocks and bonds ... a yacht , old paintings and prized violins. ''", "summaries": ["`` I felt good , '' he said , `` because I had elevated to the level of stocks and a yacht , old paintings and prized violins. ''"]} +{"id": "latwp960710.0001.3", "text": "A specialist in civil damage suits , Belli combined an instinct for personal publicity with a flair for courtroom innovation to become one of the best-known members of his high-profile profession .", "summaries": ["A specialist in civil damage suits , Belli combined an instinct for publicity with a flair for innovation to become one of the best-known members of his profession ."]} +{"id": "latwp960710.0001.4", "text": "In part , his fame stemmed from his clients , who included Jack Ruby , the killer of John F. Kennedy 's alleged assassin , and television evangelist Jim Bakker , as well as a number of entertainment industry figures .", "summaries": ["In part , his fame stemmed from clients , who included Jack Ruby , the killer of John F. Kennedy 's alleged assassin , evangelist Jim Bakker , as well as a number of entertainment figures ."]} +{"id": "latwp960710.0001.5", "text": "Such touches as scarlet-lined suits embellished his image .", "summaries": ["scarlet-lined suits embellished his image ."]} +{"id": "latwp960710.0001.6", "text": "Sometimes called the King of Torts , Belli became known for frequent representation of the weak and the injured , as well as his pugnacious enthusiasm for crossing legal swords with doctors and lawyers , with insurance companies and with other institutions that represented privilege and power .", "summaries": ["called the King of Torts , Belli became known for representation of the injured , as well as his enthusiasm for crossing legal swords with doctors and lawyers , and with institutions that represented privilege and power ."]} +{"id": "latwp960710.0001.7", "text": "In a career that began when such verdicts were relatively rare , he won more than 200 cases in which damage awards amounted to more than $ 100,000 .", "summaries": ["when such verdicts rare , he won 200 cases in which awards amounted to more than $ 100,000 ."]} +{"id": "latwp960710.0001.8", "text": "He also sought to uphold the civil rights of topless waitresses , took the side of the `` free speech '' demonstrators in Berkeley , Calif. , and represented rackets figure Mickey Cohen and controversial comedian Lenny Bruce .", "summaries": ["He sought to uphold the rights of topless waitresses , took the side of the `` free speech '' demonstrators in Berkeley , and represented rackets figure Mickey Cohen and comedian Lenny Bruce ."]} +{"id": "latwp960710.0001.9", "text": "`` Any lawyer worthy of the name has a commitment to defend the pariahed , unpopular defendant , '' he once said .", "summaries": ["`` Any lawyer has a commitment to defend the unpopular defendant , '' he said ."]} +{"id": "latwp960910.0147.0", "text": "Sheila Jo McKinney Watkins , who prided herself on being a `` typical Navy wife '' to retired Admiral James D. Watkins , former chief of naval operations and U.S. secretary of energy , has died .", "summaries": ["Sheila Jo McKinney Watkins , a `` typical Navy wife '' to retired Admiral James D. Watkins , former chief of naval operations and U.S. secretary of energy , has died ."]} +{"id": "latwp960910.0147.1", "text": "She was 67 .", "summaries": ["She was 67 ."]} +{"id": "latwp960910.0147.10", "text": "You 're a smart woman if you know that right from the start .", "summaries": ["You 're smart if you know that from the start ."]} +{"id": "latwp960910.0147.11", "text": "There is n't any competition .", "summaries": ["There is n't competition ."]} +{"id": "latwp960910.0147.12", "text": "Most naval officers are faithful men , but their mistress is the sea. '' As a Navy wife , she advised others : `` That means sink or swim .", "summaries": ["Most naval officers are faithful men , their mistress is the sea. '' As a Navy wife : `` That means sink or swim ."]} +{"id": "latwp960910.0147.13", "text": "You 're on your own .", "summaries": ["You 're on your own ."]} +{"id": "latwp960910.0147.14", "text": "Gotta be tough. '' As her husband rose in rank , she comforted officers ' wives : `` I tell them that my husband appreciates their role , that it 's an unsung role , a very demanding role that no one appreciates unless they 've been there - the lonely hours , keeping your chin up when it 's pretty tough. '' Watkins ' help to other families was personal and sometimes official , as she served on the boards of the Navy Relief Society and the Navy Wifeline Association .", "summaries": ["As her husband rose in rank , she comforted wives : `` I tell them my husband appreciates their unsung , demanding role - it 's tough. '' Watkins ' help was personal and official , as she served on the boards of the Navy Relief Society and Wifeline Association ."]} +{"id": "latwp960910.0147.15", "text": "When her husband , a nuclear expert , joined the cabinet as energy secretary , she established and raised money for two state-of-the-art child care centers in the nation 's capital .", "summaries": ["When her husband joined the cabinet as energy secretary , she established two child care centers in the capital ."]} +{"id": "latwp960910.0147.16", "text": "Still helping wives even in her semi-civilian years , Watkins founded the Spouses of Presidential Appointees to help the other half of cabinet couples adjust to their new role .", "summaries": ["Still helping wives , Watkins founded the Spouses of Presidential Appointees to help the other half of cabinet couples adjust ."]} +{"id": "latwp960910.0147.17", "text": "She was honored in 1992 as a Roman Catholic Dame of Malta for her assistance to the needy .", "summaries": ["She was honored as a Roman Catholic Dame of Malta for her assistance to the needy ."]} +{"id": "latwp960910.0147.2", "text": "Watkins died Friday in her home in St. Leonard , Md. , of cancer , her family said .", "summaries": ["Watkins died Friday ."]} +{"id": "latwp960910.0147.3", "text": "The daughter of a rear admiral , J.D. McKinney , she grew up in Asia and California while he served in the Pacific .", "summaries": ["The daughter of a rear admiral , she grew up in Asia and California while he served in the Pacific ."]} +{"id": "latwp960910.0147.4", "text": "She earned a degree in journalism from San Diego State University and , during her college years , wrote a weekly column about campus activities for the San Diego Union .", "summaries": ["She earned a degree in journalism from San Diego State and wrote a column for the San Diego Union ."]} +{"id": "latwp960910.0147.5", "text": "But once she met Watkins , whom she married in 1950 , her career was set : following him around the world and rearing their six children , often alone .", "summaries": ["once she met Watkins , her career was set : following him around the world and rearing their six children , often alone ."]} +{"id": "latwp960910.0147.6", "text": "She became an adept hostess for receptions for 500 , weathered such events as a royal romance between her daughter Laura Jo and Britain 's Prince Charles , and moved her family 32 times during her husband 's 37 years with the Navy .", "summaries": ["She became an hostess for receptions for 500 , weathered a romance between her daughter Laura Jo and Britain 's Prince Charles , and moved 32 times during her husband 's years with the Navy ."]} +{"id": "latwp960910.0147.7", "text": "Wherever she was , she helped other loyal and flexible wives cope .", "summaries": ["she helped other wives cope ."]} +{"id": "latwp960910.0147.8", "text": "`` We share the same joys and loves , '' she told the Los Angeles Times in 1984 , describing her instant rapport with other Navy spouses .", "summaries": ["`` We share the same loves , '' she told the Los Angeles Times , describing her rapport with other spouses ."]} +{"id": "latwp960910.0147.9", "text": "`` Our husbands love the sea first .", "summaries": ["`` Our husbands love the sea ."]} +{"id": "latwp961001.0122.0", "text": "Moneta J. Sleet Jr. , who picked up a box camera while attending segregated schools in Kentucky and went on to become the first black to win journalism 's top prize , for documenting the funeral of Martin Luther King Jr. , died of cancer Monday in New York City .", "summaries": ["Moneta J. Sleet Jr. , who picked up a camera while attending segregated schools and went on to become the first black to win journalism 's top prize , for documenting the funeral of Martin Luther King Jr. , died of cancer Monday in New York City ."]} +{"id": "latwp961001.0122.1", "text": "He was 70 .", "summaries": ["He was 70 ."]} +{"id": "latwp961001.0122.10", "text": "He influenced a whole generation of young photographers , especially black photographers who have won Pulitzers since then. '' Sleet , a tall , willowy man who played tennis while not traveling the world for Ebony and Jet magazines , was born Feb. 14 , 1926 , in Owensboro , Ky. , the son of a college administrator .", "summaries": ["He influenced a whole generation of photographers , especially black photographers who have won Pulitzers since then. '' Sleet , a willowy man who played tennis while not traveling the world , was the son of a college administrator ."]} +{"id": "latwp961001.0122.11", "text": "He earned a master 's degree in journalism from New York University in 1950 after completing a business degree at Kentucky State in 1947 and helping set up the photography department at Maryland State College the next year .", "summaries": ["He earned a master 's from New York University in 1950 after completing a business degree at Kentucky State in 1947 and helping set up the photography department at Maryland State College the next year ."]} +{"id": "latwp961001.0122.12", "text": "He went to work as a sportswriter for the Amsterdam News , then joined the staff of Our World , a popular black picture magazine .", "summaries": ["He went to work as a sportswriter , then joined the staff of a black picture magazine ."]} +{"id": "latwp961001.0122.13", "text": "When the magazine folded in 1955 , he was tapped by Ebony 's parent company , the Johnson Publishing Co. , where he worked at the time of his death .", "summaries": ["When the magazine folded , he was tapped by Ebony 's parent company , the Johnson Publishing Co. , where he worked at the time of his death ."]} +{"id": "latwp961001.0122.14", "text": "His colleagues said the pictures Sleet liked best were of ordinary people .", "summaries": ["the pictures Sleet liked best were of ordinary people ."]} +{"id": "latwp961001.0122.15", "text": "His favorite photograph was one he took of a woman , clapping her hands with her eyes tightly closed , as she walked in the 1965 civil rights march from Selma to Montgomery , Ala .", "summaries": ["His favorite photograph was of a woman , clapping her hands with eyes closed , in the 1965 civil rights march from Selma Ala ."]} +{"id": "latwp961001.0122.16", "text": "Sleet , who lived on Long Island , is survived by his wife of 46 years , Juanita ; a daughter , two sons , a sister and three grandchildren .", "summaries": ["Sleet is survived by his wife of 46 years ; a daughter , two sons , a sister and three grandchildren ."]} +{"id": "latwp961001.0122.17", "text": "Distributed by the Los Angeles Times-Washington Post News Service", "summaries": ["Distributed by the Los Angeles Times-Washington Post News"]} +{"id": "latwp961001.0122.2", "text": "In 1969 , Sleet won a Pulitzer Prize for feature photography after capturing the forlorn image of a veiled Coretta Scott King cradling her 5-year-old daughter on a crowded church pew .", "summaries": ["In 1969 , Sleet won a Pulitzer Prize for photography capturing a veiled Coretta Scott King cradling her 5-year-old daughter on a church pew ."]} +{"id": "latwp961001.0122.3", "text": "Although he spent the bulk of his career documenting America 's slow march toward racial equality , Sleet himself was almost denied the chance to take the photograph .", "summaries": ["Although he spent his career documenting America 's march toward racial equality , Sleet was almost denied the chance to take the photograph ."]} +{"id": "latwp961001.0122.4", "text": "When a pool of photographers was selected to cover King 's funeral , not a single black was included among them until King 's widow spoke up. Sleet later described being inside the church , face to face with the leading figures of 1960s America .", "summaries": ["When a pool of photographers was selected to cover King 's funeral , not a single black was among them until King 's widow spoke up. Sleet described being face to face with the leading figures of 1960s America ."]} +{"id": "latwp961001.0122.5", "text": "`` It was so dramatic ; everywhere you turned the camera - Daddy King , Vice President Humphrey , Nixon , Jackie Kennedy ... Dr. Ralph Bunche reading the program with a magnifying glass .", "summaries": ["`` It was dramatic ; everywhere you turned - Daddy King , Vice President Humphrey , Nixon , Jackie Kennedy ... Dr. Ralph Bunche reading the program with a magnifying glass ."]} +{"id": "latwp961001.0122.6", "text": "I considered myself fortunate to be there documenting everything .", "summaries": ["I considered myself fortunate to be documenting everything ."]} +{"id": "latwp961001.0122.7", "text": "If I was n't there I knew I would be somewhere crying , '' Sleet said in 1986 while preparing a one-man show for the New York City Public Library .", "summaries": ["If I was n't there I would be somewhere crying , '' Sleet said while preparing a show for the New York City Public Library ."]} +{"id": "latwp961001.0122.8", "text": "`` He was prepared to do great work as so many other black photographers were but were not given the chance , '' said Lerone Benett , Ebony magazine 's executive editor , who had worked with Sleet since 1955 .", "summaries": ["`` He was prepared to do great work as so many other black photographers were but were not given the chance , '' said Lerone Benett who worked with Sleet since 1955 ."]} +{"id": "latwp961001.0122.9", "text": "`` He showed on the spot what he could do and what black photographers could do .", "summaries": ["`` He showed what black photographers could do ."]} +{"id": "latwp961024.0115.0", "text": "BALTIMORE - Dr. Hugh James Davis Jr. , who as a professor of gynecology and obstetrics at the Johns Hopkins Medical School developed the Dalkon Shield birth-control device , died Wednesday of pancreatic cancer at his Gibson Island home. .", "summaries": ["Dr. Hugh James Davis Jr. , who as a professor of gynecology and obstetrics at the Johns Hopkins Medical School developed the Dalkon Shield birth-control device , died of cancer at his home. ."]} +{"id": "latwp961024.0115.1", "text": "He was 69 .", "summaries": ["He was 69 ."]} +{"id": "latwp961024.0115.10", "text": "He dropped out of college in 1943 and worked as a journalist for the Atlanta Constitution before joining the Army in 1944 where he served in the Pacific with the Army Corps of Engineers .", "summaries": ["He dropped out of college and worked as a journalist before joining the Army in 1944 where he served in the Pacific ."]} +{"id": "latwp961024.0115.11", "text": "After being discharged in 1946 , he built houses in Florida before returning to the University of Georgia where he earned his bachelor 's degree in chemistry and biology in 1949 .", "summaries": ["he built houses in Florida before returning to the University of Georgia where he earned his bachelor 's degree in 1949 ."]} +{"id": "latwp961024.0115.12", "text": "He was a 1953 graduate of the Johns Hopkins Medical School and after completing his residency in gynecology and surgery , traveled to Denmark where he joined the staff of the National Cancer Center there .", "summaries": ["He was a 1953 graduate of Johns Hopkins Medical School and after completing his residency in gynecology and surgery , traveled to Denmark where he joined the staff of the National Cancer Center ."]} +{"id": "latwp961024.0115.13", "text": "He returned to Hopkins where he was associate professor of gynecology and obstetrics until retiring in 1982 .", "summaries": ["He returned to Hopkins where he was associate professor of gynecology until retiring ."]} +{"id": "latwp961024.0115.14", "text": "A pioneer in laparoscopy , he held over 30 patents for medical instruments used in abdominal surgery such as tubal ligations .", "summaries": ["he held over 30 patents for medical instruments used in surgery ."]} +{"id": "latwp961024.0115.15", "text": "He developed a do-it-yourself kit for the detection of cervical cancer , where a woman could take samples at home and mailed them to a center where they were analyzed .", "summaries": ["He developed a do-it-yourself kit for cervical cancer , where a woman could take samples and mailed them to a center where they were analyzed ."]} +{"id": "latwp961024.0115.16", "text": "He was also the author of `` Intrauterine Devices for Contraception '' that was published in 1971 .", "summaries": ["He was the author of `` Intrauterine Devices for Contraception '' published in 1971 ."]} +{"id": "latwp961024.0115.17", "text": "He is survived by his wife , Jytte ; a son , Bruce J. Davis , of Gibson Island , Md. ; a daughter , Rikke K. Davis , of McLean , Va. , and a sister , Elaine Golden of Panama City , Fla .", "summaries": ["He is survived by his wife ; a son ; a daughter , and a sister ."]} +{"id": "latwp961024.0115.18", "text": "Distributed by the Los Angeles Times-Washington Post News Service", "summaries": ["Distributed by Los Angeles Times-Washington Post News"]} +{"id": "latwp961024.0115.2", "text": "It was his combined lifelong interest in cervical cancer , birth control and finding a safe alternative to the problem-plagued birth control pill that motivated Davis to invent the Dalkon Shield in 1968 .", "summaries": ["his interest in cervical cancer and finding a safe alternative to the pill motivated Davis to invent the Dalkon Shield in 1968 ."]} +{"id": "latwp961024.0115.3", "text": "Sales of the Dalkon Shield , one of the most widely used IUD 's , were suspended by the Food and Drug Administration in June 1974 after 11 deaths and 209 cases of spontaneous abortion were reported .", "summaries": ["Sales of the Dalkon Shield were suspended by the Food and Drug Administration in June 1974 after 11 deaths and 209 cases of abortion were reported ."]} +{"id": "latwp961024.0115.4", "text": "In 1975 , A.H. Robbins , a Richmond , Va. , pharmaceutical company that purchased manufacturing rights for the Dalkon Shield from Davis for $ 750,000 , put 2.2 million of the intrauterine devices on the market before discontinuing production in 1975 .", "summaries": ["A.H. Robbins pharmaceutical company purchased manufacturing rights for the Dalkon Shield from Davis for $ 750,000 , put 2.2 million of the intrauterine devices on the market before discontinuing production ."]} +{"id": "latwp961024.0115.5", "text": "The IUD was finally taken off the market in 1984 .", "summaries": ["The IUD was taken off the market in 1984 ."]} +{"id": "latwp961024.0115.6", "text": "Nearly 200,000 lawsuits were brought by women who said they suffered injuries ranging from minor inflammation to infertility and in some cases , death .", "summaries": ["Nearly 200,000 lawsuits were brought by women who said they suffered injuries ranging from minor inflammation to death ."]} +{"id": "latwp961024.0115.7", "text": "Under a 1989 settlement , a trust fund of $ 2.475 billion was set up to pay damages to women claiming injury from the Robbins IUD .", "summaries": ["Under a settlement , a fund of $ 2.475 billion was set up to pay damages to women claiming injury from the Robbins IUD ."]} +{"id": "latwp961024.0115.8", "text": "Davis was born and raised in Mayaguez , Puerto Rico , the son of a government botanist .", "summaries": ["Davis was born and raised in Puerto Rico , the son of a botanist ."]} +{"id": "latwp961024.0115.9", "text": "He was a 1941 graduate of the Kent School in Connecticut , entered the University of Georgia when he was 14 .", "summaries": ["He was a graduate of the Kent School in Connecticut , entered the University of Georgia when 14 ."]} +{"id": "latwp961106.0116.0", "text": "LOS ANGLEES - Col. Frank Kurtz , Olympic medalist diver and the most decorated Army Air Corps pilot in World War II known for flying the last surviving B-17 Flying Fortress , has died .", "summaries": ["Col. Frank Kurtz , Olympic medalist diver and the most decorated Army Air Corps pilot in World War II known for flying the last B-17 Flying Fortress , has died ."]} +{"id": "latwp961106.0116.1", "text": "He was 85 .", "summaries": ["He was 85 ."]} +{"id": "latwp961106.0116.10", "text": "His remarkable story was detailed in a book by W.L. White titled `` Queens Die Proudly. '' His wife told their personal story in a best-selling book titled `` My Rival , The Sky. '' One of Kurtz 's most celebrated post-war flights was crash landing a Swoose in the Australian bush with no injury to his passengers - then Sen .", "summaries": ["His story was detailed in a book by W.L. White titled `` Queens Die Proudly. '' His wife told their story in a book `` My Rival , The Sky. '' One of Kurtz 's celebrated post-war flights was landing a Swoose in the Australian bush with no injury to his passengers ."]} +{"id": "latwp961106.0116.11", "text": "Lyndon B. Johnson and a congressional committee .", "summaries": ["Lyndon B. Johnson and a congressional committee ."]} +{"id": "latwp961106.0116.12", "text": "Kurtz came from Missouri , and at the age of 14 , hitch-hiked to Los Angeles seeking top diving coaches .", "summaries": ["Kurtz came from Missouri and at 14 , hitch-hiked to Los Angeles seeking top diving coaches ."]} +{"id": "latwp961106.0116.13", "text": "He developed as an athlete at Hollywood High School and the University of Southern California .", "summaries": ["He developed as an athlete at the University of Southern California ."]} +{"id": "latwp961106.0116.14", "text": "When Los Angeles hosted the Olympics in 1932 , Kurtz competed in high platform diving .", "summaries": ["When Los Angeles hosted the Olympics , Kurtz competed in high diving ."]} +{"id": "latwp961106.0116.15", "text": "He won a bronze medal .", "summaries": ["He won a bronze medal ."]} +{"id": "latwp961106.0116.16", "text": "Survivors include his wife Margo and daughter Swoosie , who have requested that any memorial donations be made to the Smithsonian Air and Space Museum .", "summaries": ["Survivors include his wife and daughter , who requested that any donations be made to the Smithsonian Museum ."]} +{"id": "latwp961106.0116.2", "text": "He died last Thursday at his home from complications following a fall , said his wife , author Margo Kurtz .", "summaries": ["He died at his home following a fall , said his wife , author Margo Kurtz ."]} +{"id": "latwp961106.0116.3", "text": "An Army pilot on duty in the Philippines when the Japanese drew the United States into the war , Kurtz flew the last of the 35 planes stationed in the Pacific .", "summaries": ["An Army pilot on duty when the Japanese drew the United States into war , Kurtz flew the last of the planes stationed in the Pacific ."]} +{"id": "latwp961106.0116.4", "text": "When the plane was chewed up in combat , Kurtz and his crew dubbed it `` part swan and part goose - The Swoose. '' It has been called the most famous plane in the Pacific except for the Enola Gay which carried the atom bomb dropped on Hiroshima .", "summaries": ["Kurtz and his crew dubbed it `` part swan and part goose - The Swoose. '' It has been called the most famous plane in the Pacific except for the Enola Gay which carried the bomb dropped on Hiroshima ."]} +{"id": "latwp961106.0116.5", "text": "After flying the big plane home , Kurtz went to the European theater where he headed `` the Swoose Group '' and personally flew more than 60 missions over Italy and Germany .", "summaries": ["Kurtz headed `` the Swoose Group '' and flew more than 60 missions over Italy and Germany ."]} +{"id": "latwp961106.0116.6", "text": "In 1949 , he was given the honor of flying the Swoose to the Smithsonian Institution .", "summaries": ["he was given the honor of flying the Swoose to the Smithsonian Institution ."]} +{"id": "latwp961106.0116.7", "text": "When Kurtz 's only child was born in Los Angeles during the war , news media immediately nicknamed her the second Swoose and the name stuck .", "summaries": ["When Kurtz 's only child was born in Los Angeles during the war , media immediately nicknamed her the second Swoose ."]} +{"id": "latwp961106.0116.8", "text": "She grew up to be the actress Swoosie Kurtz .", "summaries": ["She grew up to be Swoosie Kurtz ."]} +{"id": "latwp961106.0116.9", "text": "Kurtz ' wartime exploits earned him an international reputation and the Croix de Guerre , three Distinguished Flying Crosses , three silver stars , three air medals and five presidential citations .", "summaries": ["Kurtz ' wartime exploits earned him the Croix de Guerre , three Distinguished Flying Crosses , three silver stars , three air medals and five presidential citations ."]} +{"id": "latwp961219.0086.0", "text": "Marcello Mastroianni , the witty , affable and darkly handsome Italian actor who sprang on international consciousness in Federico Fellini 's 1960 classic `` La Dolce Vita , '' died Wednesday at his Paris home .", "summaries": ["Marcello Mastroianni , the handsome Italian actor in Fellini 's classic `` La Dolce Vita , '' died Wednesday at his Paris home ."]} +{"id": "latwp961219.0086.1", "text": "He was 72 .", "summaries": ["He was 72 ."]} +{"id": "latwp961219.0086.10", "text": "`` At my age ( then 68 ) I can take pleasure in that I always did everything for spiritual needs , never for money , '' Mastroianni told the Los Angeles Times when he was on a promotion tour for that film .", "summaries": ["`` I take pleasure that I did everything for spiritual needs , never for money , '' Mastroianni told the Los Angeles Times when he was on tour for that film ."]} +{"id": "latwp961219.0086.11", "text": "`` I like very much to act !", "summaries": ["`` I like to act !"]} +{"id": "latwp961219.0086.12", "text": "That is my food .", "summaries": ["That is my food ."]} +{"id": "latwp961219.0086.13", "text": "... Ah , acting ... it 's exhibitionism .", "summaries": ["acting 's exhibitionism ."]} +{"id": "latwp961219.0086.14", "text": "An actor is like a child : He wants everybody to be interested in him. '' Mastroianni was born Sept. 28 , 1924 , in Fontana Liri , Italy , a small town near Rome , and was reared in Turin and in Rome .", "summaries": ["An actor is like a child : He wants everybody to be interested in him. '' Mastroianni was born Sept. 28 , 1924 , in a small town near Rome , and was reared in Turin and Rome ."]} +{"id": "latwp961219.0086.15", "text": "His father was a carpenter who put the youth to work in his shop at an early age .", "summaries": ["His father was a carpenter who put the youth to work at an early age ."]} +{"id": "latwp961219.0086.16", "text": "The future actor studied surveying and architecture , but when World War II began he was ordered to draw maps for the Germans and in 1943 the Germans took him to a forced labor camp in the Italian Alps. Mastroianni escaped to Venice , where he lived in near poverty as a tourists ' artist until the war ended .", "summaries": ["The actor studied surveying , but when World War II began he was ordered to draw maps for the Germans and in 1943 the Germans took him to a labor camp in the Alps. Mastroianni escaped to Venice , where he lived as a tourists ' artist until the war ended ."]} +{"id": "latwp961219.0086.17", "text": "After working as a cashier for a British filmmaker in Rome , he joined an amateur theatrical group at the University of Rome , where he was taking some classes .", "summaries": ["After working for a British filmmaker in Rome , he joined an amateur theatrical group at the University of Rome , where he was taking classes ."]} +{"id": "latwp961219.0086.18", "text": "There he met Fellini and his wife , actress Giulietta Masina .", "summaries": ["he met Fellini and his wife , Giulietta Masina ."]} +{"id": "latwp961219.0086.19", "text": "Mastroianni had made his film debut with a bit part in `` I Miserabili , '' an Italian version of `` Les Miserables. '' But his break occurred when a scout came to see Masina ( playing opposite Mastroianni ) in the play `` Angelica '' in 1948 .", "summaries": ["Mastroianni made his film debut in `` I Miserabili , '' an Italian `` Les Miserables. '' his break occurred when a scout came to see Masina in the play `` Angelica '' in 1948 ."]} +{"id": "latwp961219.0086.2", "text": "Mastroianni , a comic but also suave and romantic leading man in some 120 motion pictures , had suffered from pancreatic cancer .", "summaries": ["Mastroianni , a comic but romantic leading man in 120 motion pictures , had suffered from cancer ."]} +{"id": "latwp961219.0086.20", "text": "The scout offered Mastroianni a job with Italian stage and film director Luchino Visconti .", "summaries": ["The scout offered Mastroianni a job with Italian director Luchino Visconti ."]} +{"id": "latwp961219.0086.21", "text": "`` He was the most distinguished director in the Italian theater at the time .", "summaries": ["`` He was the most distinguished director in the Italian theater ."]} +{"id": "latwp961219.0086.22", "text": "Very important luck , '' Mastroianni told a Times writer 45 years later .", "summaries": ["important luck , '' Mastroianni told a writer 45 years later ."]} +{"id": "latwp961219.0086.23", "text": "`` An encounter can change your life , like in the old-style Hollywood movies. '' Visconti cast Mastroianni memorably as Stanley Kowalski in Tennessee Williams ' `` A Streetcar Named Desire. '' The actor stayed with the company several years , performing in the Italian versions of other classic plays such as `` Death of a Salesman , '' `` The Glass Menagerie '' and `` Uncle Vanya. '' From 1950 to 1955 , Mastroianni had character roles in 27 films .", "summaries": ["`` An encounter can change your life , like in Hollywood movies. '' Visconti cast Mastroianni as Stanley Kowalski in `` A Streetcar Named Desire. '' The actor stayed with the company , performing in the Italian versions of `` Death of a Salesman , '' `` The Glass Menagerie '' and `` Uncle Vanya. '' From 1950 to 1955 , Mastroianni had roles in 27 films ."]} +{"id": "latwp961219.0086.24", "text": "But , although he became popular with Italian audiences , he fretted that his screen career would be limited to playing taxi drivers and the like .", "summaries": ["although popular with Italian audiences , he fretted his career would be limited to playing taxi drivers and the like ."]} +{"id": "latwp961219.0086.25", "text": "More varied roles followed , however , and his versatility was noted .", "summaries": ["varied roles followed , and his versatility noted ."]} +{"id": "latwp961219.0086.26", "text": "In 1960 , Fellini cast Mastroianni in the leading male role for `` La Dolce Vita , '' which at long last made him an international star .", "summaries": ["Fellini cast Mastroianni in the leading role for `` La Dolce Vita , '' which made him an international star ."]} +{"id": "latwp961219.0086.3", "text": "Actress Catherine Deneuve , their daughter , Chiara , and his other daughter , Barbara , were with him at his death .", "summaries": ["Catherine Deneuve , their daughter , and his other daughter , were with him at his death ."]} +{"id": "latwp961219.0086.4", "text": "Mastroianni was much loved around the world in his roles opposite Italian actress Sophia Loren in 11 movies .", "summaries": ["Mastroianni was loved in his roles opposite Sophia Loren in 11 movies ."]} +{"id": "latwp961219.0086.5", "text": "He earned nominations for best acting Academy Awards in two of them , `` Divorce , Italian Style '' and `` A Special Day. '' The actor won a third Oscar nomination for the Soviet film , `` Dark Eyes , '' which also earned him a best actor award at the Cannes Film Festival .", "summaries": ["He earned nominations for best acting in , `` Divorce , Italian Style '' and `` A Special Day. '' The actor won a third Oscar nomination for , `` Dark Eyes , '' which also earned him a best actor award at Cannes ."]} +{"id": "latwp961219.0086.6", "text": "Another Cannes award was presented to him for his work in the 1970 film `` The Pizza Triangle. '' Mastroianni 's first film with Loren was `` Marriage Italian Style '' in 1964 , and his most recent , the 1994 satire `` Ready to Wear. '' In the latter , Loren repeated the strip scene she had performed for Mastroianni in `` Divorce , Italian Style. '' The actor 's latest film was `` Three Lives and Only One Death '' with his daughter Chiara as co-star .", "summaries": ["Another Cannes award was presented to him for `` The Pizza Triangle. '' Mastroianni 's first film with Loren was `` Marriage Italian Style '' in 1964 , and his most recent , the 1994 `` Ready to Wear. '' In the latter , Loren repeated the strip scene she had performed in `` Divorce , Italian Style. '' The actor 's latest film was `` Three Lives and Only One Death '' with his daughter Chiara ."]} +{"id": "latwp961219.0086.7", "text": "Modest and self-effacing , Mastroianni belittled his sexy screen image and once asserted in an American television interview : `` I am not a sex addict. '' But in 1972 , he caused an international scandal by leaving his wife of 22 years , Italian actress Flora Carabella , in order to live with Deneuve .", "summaries": ["Mastroianni belittled his sexy screen image and asserted in an American television interview : `` I am not a sex addict. '' But in 1972 , he caused an international scandal by leaving his wife of 22 years to live with Deneuve ."]} +{"id": "latwp961219.0086.8", "text": "Despite his popularity with American movie-goers , Mastroianni shunned Hollywood for decades .", "summaries": ["Despite his popularity with American movie-goers , Mastroianni shunned Hollywood for decades ."]} +{"id": "latwp961219.0086.9", "text": "He preferred to make films with European directors , working for American filmmakers only in `` Ready to Wear '' and in `` Used People '' co-starring Shirley MacLaine , Jessica Tandy and Kathy Baker and released in the United States in 1993 .", "summaries": ["He preferred to make films with European directors , working for American filmmakers only in `` Ready to Wear '' and `` Used People '' co-starring Shirley MacLaine , Jessica Tandy and Kathy Baker in 1993 ."]} +{"id": "latwp970202.0002.0", "text": "LOS ANGELES - James Arnold Doolittle , a Los Angeles dance impresario who brought names such as Joffrey and Baryshnikov to local dance stages and ensured that a high-profile `` Nutcracker Suite '' was presented here every Christmas , has died .", "summaries": ["- James Arnold Doolittle , a Los Angeles dance impresario who brought Joffrey and Baryshnikov to local stages and ensured that a `` Nutcracker Suite '' was presented every Christmas , has died ."]} +{"id": "latwp970202.0002.1", "text": "He was 83 .", "summaries": ["He was 83 ."]} +{"id": "latwp970202.0002.10", "text": "Doolittle was known in recent years for bringing the finest dance companies to Los Angeles , including such luminaries as the Joffrey Ballet , Mikhail Baryshnikov 's White Oak Dance Project and San Francisco Ballet .", "summaries": ["Doolittle was known for bringing the finest dance companies to Los Angeles , including the Joffrey Ballet , Baryshnikov 's White Oak Dance Project and San Francisco Ballet ."]} +{"id": "latwp970202.0002.11", "text": "Just two weeks ago , he entered into a long-term agreement with the Los Angeles Music Center Operating Co. to present an annual dance season at the downtown Music Center .", "summaries": ["two weeks ago , he entered into a long-term agreement to present an annual dance season at the downtown Music Center ."]} +{"id": "latwp970202.0002.12", "text": "Because he worked mostly behind the scenes , among L.A. audiences , Doolittle is perhaps best known these days for the Hollywood theater named for him .", "summaries": ["Because he worked behind the scenes , Doolittle is perhaps best known for the theater named for him ."]} +{"id": "latwp970202.0002.13", "text": "Yet that theater 's naming illustrates how Doolittle was a quintessential comeback artist .", "summaries": ["that theater illustrates Doolittle was a comeback artist ."]} +{"id": "latwp970202.0002.14", "text": "Twelve years ago , after spending four decades producing opera , ballet , theater and pop music on local stages - along the way turning the Greek Theatre , the Biltmore and the Huntington Hartford into thriving playhouses after all three had suffered under previous management - Doolittle learned that he had cancer and only a 50 percent chance of survival .", "summaries": ["Twelve years ago , after producing opera , ballet , theater and music on local stages - turning the Greek Theatre , the Biltmore and the Huntington Hartford into thriving playhouses - Doolittle learned he had cancer and a 50 percent chance of survival ."]} +{"id": "latwp970202.0002.15", "text": "Facing his own mortality , he sold the Hartford to the Music Center and UCLA in 1985 , reserving the right to present there .", "summaries": ["he sold the Hartford to the Music Center and UCLA ."]} +{"id": "latwp970202.0002.16", "text": "The theater was renamed as a tribute to him , and he survived to tell the story with glee .", "summaries": ["The theater was renamed as a tribute , and he survived to tell the story ."]} +{"id": "latwp970202.0002.17", "text": "Since 1992 , he has been the major dance tenant of the Music Center , presenting annual productions of `` Nutcracker Suite , '' by the famed Kirov Ballet , American Ballet Theatre and the Joffrey , as well as a mix of productions that ranged from the Joffrey 's popular `` Billboards '' to the Radio City Rockettes .", "summaries": ["he has been the major dance tenant of the Music Center , presenting `` Nutcracker Suite , '' by the Kirov Ballet , American Ballet Theatre and the Joffrey , as well as a mix that ranged from the Joffrey 's `` Billboards '' to the Radio City Rockettes ."]} +{"id": "latwp970202.0002.18", "text": "Doolittle is survived by his sister Kathryn Merralls of Rancho Palos Verdes , Calif. , and a niece , Nancy Wright of Santa Clara , Calif .", "summaries": ["Doolittle is survived by his sister Kathryn Merralls , and a niece , Nancy Wright ."]} +{"id": "latwp970202.0002.19", "text": "His wife , Nony , died in the 1970s , family members said .", "summaries": ["His wife died in the 1970s ."]} +{"id": "latwp970202.0002.2", "text": "The soft-spoken producer of opera , theater and dance was found dead Saturday morning at his West Hollywood home .", "summaries": ["The producer of opera , theater and dance was found dead Saturday at his home ."]} +{"id": "latwp970202.0002.3", "text": "The cause of death was a heart attack , according to Serena Tripi , director of productions for Southern California Theatre Association , Doolittle 's presenting company .", "summaries": ["The cause of death was a heart attack , according to Serena Tripi , director of Southern California Theatre Association ."]} +{"id": "latwp970202.0002.4", "text": "`` Jimmy Doolittle was a cultural pioneer for Southern California , '' said Michael Blachly , director of UCLA 's Center for the Performing Arts. `` His vision , his commitment and his dedication to making Los Angeles a rich cultural treasure for California and our country was unparalleled , '' he said .", "summaries": ["`` Jimmy Doolittle was a cultural pioneer for Southern California , '' said Michael Blachly , director of UCLA 's Center for the Performing Arts. `` His vision , his commitment and his dedication to making Los Angeles a cultural treasure for our country was unparalleled , '' ."]} +{"id": "latwp970202.0002.5", "text": "`` Jimmy took risks on presenting the performing arts before Los Angeles had a true cultural profile .", "summaries": ["`` Jimmy took risks presenting arts before Los Angeles had a cultural profile ."]} +{"id": "latwp970202.0002.6", "text": "For this we are indebted to him and can thank him for setting a foundation of culture in Southern California. '' Premier Los Angeles-based choreographer Bella Lewitzky said Saturday that she `` always felt Jimmy Doolittle was a Los Angeles institution and was always going to be here .", "summaries": ["we are indebted to him for setting a foundation of culture in Southern California. '' Premier Los Angeles-based choreographer Bella Lewitzky said that she `` felt Jimmy Doolittle was a Los Angeles institution ."]} +{"id": "latwp970202.0002.7", "text": "It 's very shocking because somehow one does n't reconcile the fact that he 's dead with this person , this institution .", "summaries": ["It 's shocking because somehow one does n't reconcile the fact that he 's dead ."]} +{"id": "latwp970202.0002.8", "text": "... `` I knew him in a legendary way , not in a personal way .", "summaries": ["... `` I knew him in a legendary , not personal way ."]} +{"id": "latwp970202.0002.9", "text": "But he was always a supporter , always an absolutely remarkable part of the California scene . '", "summaries": ["he was always part of the California scene . '"]} +{"id": "latwp970717.0099.0", "text": "LOS ANGELES - William Reynolds , a film editor whose seamless assemblage of `` The Sound of Music '' and `` The Sting '' won him two Academy Awards , died in South Pasadena .", "summaries": ["William Reynolds , a film editor whose assemblage of `` The Sound of Music '' and `` The Sting '' won him two Academy Awards , died in South Pasadena ."]} +{"id": "latwp970717.0099.1", "text": "He was 87 .", "summaries": ["He was 87 ."]} +{"id": "latwp970717.0099.10", "text": "`` He knew music - understood it - and cut accordingly .", "summaries": ["`` He knew music and cut accordingly ."]} +{"id": "latwp970717.0099.11", "text": "He made ( a film ) very lyrical , even if it had n't been shot that way. '' Director Arthur Hiller , who worked with Reynolds on four movies , said he `` edited by feel , not by rote .", "summaries": ["He made ( a film ) very lyrical '' Director Arthur Hiller , who worked with Reynolds , said he `` edited by feel , not by rote ."]} +{"id": "latwp970717.0099.12", "text": "Every film he touched became a better film. '' To the actors whose performances he spliced together - from Marlon Brando to Marilyn Monroe , from Steve McQueen to Shirley MacLaine - Reynolds was known to have a knack for making the most of a performance .", "summaries": ["Every film he touched became better '' To the actors whose performances he spliced together , Reynolds was known to have a knack for making the most of a performance ."]} +{"id": "latwp970717.0099.13", "text": "He admired actors and praised those whose talents made his job easier .", "summaries": ["He praised those whose talents made his job easier ."]} +{"id": "latwp970717.0099.14", "text": "`` There 's a secret to winning an Oscar for film editing .", "summaries": ["`` There 's a secret to winning an Oscar for editing ."]} +{"id": "latwp970717.0099.15", "text": "And that is : When in doubt , cut to Julie Andrews , '' he told the members of the Motion Picture Academy when he accepted his Oscar for `` The Sound of Music '' in 1966 .", "summaries": ["When in doubt , cut to Julie Andrews , '' he told the members of the Academy when he accepted his Oscar for `` The Sound of Music '' ."]} +{"id": "latwp970717.0099.16", "text": "Reynolds also established a strong reputation for cutting music and dance sequences .", "summaries": ["Reynolds also established a reputation for music and dance sequences ."]} +{"id": "latwp970717.0099.17", "text": "In `` The Turning Point , '' starring MacLaine and Anne Bancroft , director Herbert Ross shot excerpts from a number of ballets .", "summaries": ["In `` The Turning Point , '' starring MacLaine and Anne Bancroft , director Herbert Ross shot excerpts from ballets ."]} +{"id": "latwp970717.0099.18", "text": "It was up to Reynolds to choose which shots would go into the film .", "summaries": ["It was up to Reynolds which shots would go into the film ."]} +{"id": "latwp970717.0099.19", "text": "But instead of simply using what looked good , he enlisted the help of Ross ' wife , prima ballerina Nora Kaye .", "summaries": ["instead of using what looked good , he enlisted the help of Ross ' wife , ballerina Nora Kaye ."]} +{"id": "latwp970717.0099.2", "text": "Reynolds ' nearly 60-year career spanned the modern history of moviemaking .", "summaries": ["Reynolds ' 60-year career spanned modern moviemaking ."]} +{"id": "latwp970717.0099.20", "text": "Reynolds received an Oscar nomination for that film - one of seven he received in his career - but lost to the editor of `` Star Wars. '' Born in Elmira , N.Y. , in 1910 , Reynolds graduated from Princeton University in 1933 .", "summaries": ["Reynolds received an Oscar nomination for that film - one of seven in his career - but lost to `` Star Wars. '' Born in N.Y. in 1910 , Reynolds graduated from Princeton University in 1933 ."]} +{"id": "latwp970717.0099.21", "text": "He got a job as a prop handler at 20th Century Fox and moved into the editing room in 1935 .", "summaries": ["He got a job at 20th Century Fox and moved into the editing room in 1935 ."]} +{"id": "latwp970717.0099.22", "text": "During World War II , he was assigned to the Army 's filmmaking unit , where he directed , edited and produced training films .", "summaries": ["During World War II , he was assigned to the filmmaking unit , where he directed , edited and produced training films ."]} +{"id": "latwp970717.0099.23", "text": "By 1947 , he was back in Hollywood .", "summaries": ["By 1947 , he was in Hollywood ."]} +{"id": "latwp970717.0099.3", "text": "He edited and co-edited 80 films ranging from science fiction classics (``` The Day the Earth Stood Still '' ) to musicals (``` Carousel , '' `` Hello Dolly '' and `` South Pacific '' ) , from dramas (``` The Turning Point '' ) to epics (``` The Godfather '' ) .", "summaries": ["He edited 80 films ranging from science fiction to musicals and from dramas to epics ."]} +{"id": "latwp970717.0099.4", "text": "He died late Wednesday after a long battle with cancer , his cousin said .", "summaries": ["He died Wednesday after a battle with cancer ."]} +{"id": "latwp970717.0099.5", "text": "`` William Reynolds was a true perfectionist , one who left his mark on an industry to which he gave so much , '' said Julie Andrews , who starred as the governess in `` The Sound of Music. '' Though virtually unknown to moviegoers , Reynolds was one of the quiet legends of Hollywood , a gentle man with impeccable timing and an innate sense of what an audience wanted to see .", "summaries": ["`` Reynolds was a perfectionist , who left his mark on an industry , '' said Julie Andrews , who starred in `` The Sound of Music. '' Though unknown to moviegoers , Reynolds was one of the legends of Hollywood , a gentle man with impeccable timing and an innate sense of what an audience wanted ."]} +{"id": "latwp970717.0099.6", "text": "It is said that a movie is made in the editing room , where the best takes are fused together to tell a story .", "summaries": ["a movie is made in the editing room ."]} +{"id": "latwp970717.0099.7", "text": "Reynolds , his friends and colleagues said , was a superlative story-teller .", "summaries": ["Reynolds , his colleagues said , was a story-teller ."]} +{"id": "latwp970717.0099.8", "text": "`` I valued Bill 's judgment more than I did anybody 's , '' said director Robert Wise , who worked with Reynolds on five films .", "summaries": ["`` I valued Bill 's judgment more than anybody 's , '' said director Robert Wise , who worked with Reynolds ."]} +{"id": "latwp970717.0099.9", "text": "`` It 's part of the editor 's job to evaluate what he has - and sometimes not use all of it. Bill had very good taste. '' Bette Midler , who worked with Reynolds on `` Gypsy , '' called the editor 's body of work `` staggering. '' `` His musicality was what really got me , '' the actress said .", "summaries": ["`` Bill had very good taste. '' Bette Midler , who worked on `` Gypsy , '' called the editor 's body of work `` staggering. '' `` His musicality really got me , '' the actress said ."]} diff --git a/SCRL_new/data/test-data/broadcast.jsonl b/SCRL_new/data/test-data/broadcast.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..21251714db2229d791a1387b36aac70bef1ae6f9 --- /dev/null +++ b/SCRL_new/data/test-data/broadcast.jsonl @@ -0,0 +1,1370 @@ +{"id": "bn9622.rpi_segs.txt.960427.21.0", "text": "Reporter Jennifer Griffin has been on the road today , heading south from Beirut , and she joins us by phone from Tyre .", "summaries": ["Reporter Jennifer Griffin has been on the road , heading south from Beirut , and she joins us by phone from Tyre .", "Jennifer Griffin joins us from Tyre .", "Reporter Jennifer Griffin , heading south from Beirut , joins us by phone from Tyre ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.1", "text": "Good morning , Jennifer .", "summaries": ["Good morning , Jennifer .", "Good morning .", "Good morning , Jennifer ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.10", "text": "Well , the people of Lebanon , they 've seen a lot of war and they 've seen a lot of broken cease-fires , but right now they think this cease-fire is going to hold .", "summaries": ["the people of Lebanon , they 've seen war and they 've seen broken cease-fires , but they think this cease-fire is going to hold .", "the people of Lebanon 've seen war and broken cease-fires , but they think this cease-fire is going to hold .", "they 've seen war and cease-fires , but this is going to hold ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.11", "text": "They 're confident that it 's going to last , but the question is for how long .", "summaries": ["it 's going to last , but for how long .", "it 's going to last , but the question is how long .", "it 's going to last , but for how long ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.12", "text": "What I 've been hearing from people I 've been talking to is that they feel that it 's only a matter of time before the hostilities reach a level where there 's more fighting .", "summaries": ["people feel that it 's only a matter of time before the hostilities reach a level where there 's more fighting .", "people feel it 's a matter of time before there 's more fighting .", "it 's a matter of time before there 's more fighting ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.13", "text": "How bad is the destruction in Southern Lebanon ?", "summaries": ["How bad is the destruction in Southern Lebanon ?", "How bad is the destruction in Southern Lebanon ?", "How bad is Southern Lebanon ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.14", "text": "Are the roads open ?", "summaries": ["Are the roads open ?", "Are the roads open ?", "Are the roads open ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.15", "text": "Are the villages habitable at this point ?", "summaries": ["Are the villages habitable ?", "Are the villages habitable ?", "Are the villages habitable ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.16", "text": "It 's really unbelievable .", "summaries": ["It 's unbelievable .", "It 's unbelievable .", "It 's unbelievable ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.17", "text": "The roads from Tyre out to the smaller villages are completely cratered with bomb holes where rockets and shells have fallen .", "summaries": ["The roads from Tyre to the smaller villages are cratered with bomb holes where rockets and shells have fallen .", "The roads from Tyre to the villages are cratered with bomb holes .", "The roads from Tyre to the smaller villages are cratered with bomb holes ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.18", "text": "I mean , some of the- most of the roads are really impassable , and a lot of the cars are being stopped and made to wait while the U.N. tries to make sort of alternative routes into these villages , but it 's really difficult because these are mountainous areas .", "summaries": ["most of the roads are impassable , and a lot of the cars are being stopped and made to wait while the U.N. tries to make alternative routes , but it 's difficult because these are mountainous areas .", "most roads are impassable , and cars are being stopped while the U.N. tries to make alternative routes , but these are mountainous areas .", "the roads are impassable , and the cars are stopped while the U.N. tries alternative routes , but it 's really difficult because these are mountainous areas ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.19", "text": "The destruction is massive .", "summaries": ["The destruction is massive .", "The destruction is massive .", "The destruction is massive ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.2", "text": "Hello .", "summaries": ["Hello .", "Hello .", "Hello ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.20", "text": "There are many homes along the route that have been- that are just rubble and that , combined with the craters in the road , it 's just- it 's quite a scene .", "summaries": ["many homes along the route are just rubble and that , combined with the craters in the road , it 's quite a scene .", "homes along the route are just rubble and combined with the craters , it 's quite a scene .", "many homes along the route are rubble and combined with the craters in the road , it 's quite a scene ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.21", "text": "What about reconstruction ?", "summaries": ["What about reconstruction ?", "What about reconstruction ?", "What about reconstruction ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.22", "text": "It 's early yet , but are there plans afoot to begin reconstructing ?", "summaries": ["It 's early yet , but are there plans to begin reconstructing ?", "are there plans to begin reconstructing ?", "are there plans to begin reconstructing ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.23", "text": "Yeah , there are some plans .", "summaries": ["Yeah , there are plans .", "there are plans .", "there are some plans ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.24", "text": "The French have had a big presence here since the fighting began and they 've vowed to help with some of the electric transformers that were destroyed when the Israelis bombed Beirut , and they 've offered to bring two transformers in , but the government estimates it 'll cost about $ 80 million to get the electricity back up and running .", "summaries": ["The French have had a presence here since the fighting began and they 've vowed to help with the electric transformers that were destroyed when the Israelis bombed Beirut , and they 've offered to bring two transformers in , but the government estimates it 'll cost $ 80 million to get the electricity back up and running .", "The French have had a presence here since the fighting began and they 've vowed to help with the electric transformers , and they 've offered to bring two in , but it 'll cost $ 80 million to get the electricity back up .", "The French have offered to bring two transformers in , but the government estimates it 'll cost about $ 80 million to get the electricity back up and running ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.25", "text": "What did the immediate future look like to most of the people you 're speaking with ?", "summaries": ["What did the future look like to the people you 're speaking with ?", "What did the future look like to the people ?", "What did the future look like to the people you 're speaking with ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.26", "text": "A lot of the people are just trying to get on with their lives .", "summaries": ["people are trying to get on with their lives .", "people are trying to get on .", "people are trying to get on with their lives ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.27", "text": "They 're worried about their homes and , you know , already people are sweeping out the homes , trying to make them livable again .", "summaries": ["They 're worried about their homes and already people are sweeping out the homes , trying to make them livable .", "They 're worried about their homes and trying to make them livable again .", "They 're worried about their homes and are trying to make them livable again ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.28", "text": "I talked to one boy who five days ago was hit by an incoming Israeli shell .", "summaries": ["I talked to one boy who was hit by an Israeli shell .", "I talked to one boy who was hit by an shell .", "I talked to one boy who five days ago was hit by an Israeli shell ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.29", "text": "He was sitting in the second floor of his house in a little village Yadir [ sp ] , which is near Khana [ sp ] , and his face is totally scarred from the burns from that attack , and he and his family ca n't reach their home right now because the road is destroyed , but they 're waiting for the U.N. to help them .", "summaries": ["He was sitting in the second floor of his house , and his face is scarred from the burns from that attack , and he and his family ca n't reach their home because the road is destroyed , but they 're waiting for the U.N. to help them .", "He was sitting in his house in Yadir , near Khana , and his face is scarred from the burns , and his family ca n't reach their home because the road is destroyed , but they 're waiting for the U.N. to help .", "He was sitting in his house in Yadir , which is near Khana , and his face is scarred from burns , and his family ca n't reach their home because the road is destroyed , but they 're waiting for the U.N. ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.3", "text": "What are you seeing on the coast road there as you head south from Beirut ?", "summaries": ["What are you seeing on the coast road as you head south from Beirut ?", "What are you seeing on the coast south from Beirut ?", "What are you seeing on the coast road ?"]} +{"id": "bn9622.rpi_segs.txt.960427.21.30", "text": "He said that his house right now looks like a carton with the edges folded in , and he says that he 's going to be ready the next time Israeli shells fall , he 's going to join Hezbollah .", "summaries": ["his house looks like a carton with the edges folded in , and next time Israeli shells fall , he 's going to join Hezbollah .", "He said his house looks like a carton with the edges folded in , and that he 's going to be ready the next time , he 's going to join Hezbollah .", "his house looks like a carton with the edges folded in , and he says that he 's going to be ready next time , he 's going to join Hezbollah ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.31", "text": "Thanks very much , Jennifer .", "summaries": ["Thanks , Jennifer .", "Thanks .", "Thanks , Jennifer ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.32", "text": "Thanks , Neal .", "summaries": ["Thanks , Neal .", "Thanks .", "Thanks , Neal ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.33", "text": "Reporter Jennifer Griffin speaking with us from Tyre , Lebanon .", "summaries": ["Jennifer Griffin from Tyre , Lebanon .", "Jennifer Griffin , Lebanon .", "Jennifer Griffin speaking from Lebanon ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.4", "text": "Well , the cars are jam-packed bumper to bumper all the way from Beirut to Tyre .", "summaries": ["the cars are jam-packed bumper to bumper all the way from Beirut to Tyre .", "the cars are jam-packed from Beirut to Tyre .", "the cars are bumper to bumper all the way ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.5", "text": "People are packed 10 and 12 per car .", "summaries": ["People are packed 10 and 12 per car .", "People are packed 10 and 12 per car .", "People are packed 10 and 12 per car ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.6", "text": "They have mattresses strapped to the roofs of their car because they 're not really sure what they 're going to see when they get to the other end.", "summaries": ["They have mattresses strapped to the roofs of their car because they 're not sure what they 're going to see when they get to the other end.", "They have mattresses strapped to the roofs because they 're not sure what they 're going to see", "They have mattresses strapped to the roofs of their car"]} +{"id": "bn9622.rpi_segs.txt.960427.21.7", "text": "They 're not sure whether their houses survived all the bombing attacks and they 're not sure where they 're going to sleep tonight .", "summaries": ["They 're not sure whether their houses survived the bombing attacks and they 're not sure where they 're going to sleep tonight .", "They 're not sure whether their houses survived and where to sleep .", "They 're not sure their houses survived the bombing and where they 're going to sleep tonight ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.8", "text": "There are a lot of people who have tied black ribbons to their antennas in memory of the dead , the people who have died in the last 16 days .", "summaries": ["There are people who have tied black ribbons to their antennas in memory of the people who have died in the last 16 days .", "people have tied black ribbons to their antennas in memory of the people who died in the last 16 days .", "people have tied black ribbons to their antennas in memory of the people who have died in the last 16 days ."]} +{"id": "bn9622.rpi_segs.txt.960427.21.9", "text": "And I wonder how much faith do they put in this cease-fire ?", "summaries": ["how much faith do they put in this cease-fire ?", "how much faith do they put in this cease-fire ?", "how much faith do they put in this cease-fire ?"]} +{"id": "bn9622.rpi_segs.txt.960529.781.0", "text": "The Whitewater verdicts have caused an embarrassment of political riches for Arkansas ' Republican Lieutenant Governor , Mike Huckabee .", "summaries": ["The Whitewater verdicts have caused an embarrassment for Arkansas ' Republican Lieutenant Governor , Mike Huckabee .", "The Whitewater verdicts have caused an embarrassment for Arkansas ' Republican Lieutenant Governor , Mike Huckabee .", "The Whitewater verdicts have caused embarrassment for Arkansas ' Republican Lieutenant Governor , Mike Huckabee ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.1", "text": "Since Democratic Governor Jim Guy Tucker is resigning , Huckabee will be taking over the governor 's office by July .", "summaries": ["Since Democratic Governor Jim Guy Tucker is resigning , Huckabee will be taking over the governor 's office .", "Since Democratic Governor Jim Guy Tucker is resigning , Huckabee will be taking over the governor 's office .", "Since Democratic Governor Jim Guy Tucker is resigning , Huckabee will be taking over the governor 's office ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.10", "text": "On a hit-and-run campaign swing through California , Dole stopped off in a Southern California park to speak in praise of community anti-gang efforts .", "summaries": ["On a campaign swing through California , Dole stopped in a Southern California park to speak in praise of anti-gang efforts .", "Dole stopped off in a Southern California park to praise community anti-gang efforts .", "On a hit-and-run campaign swing through California , Dole stopped in a Southern California park to praise community anti-gang efforts ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.11", "text": "They made it work , because they got tired of it.", "summaries": ["They made it work , because they got tired of it.", "They made it work , because they got tired of it.", "They made it work , because they tired of it."]} +{"id": "bn9622.rpi_segs.txt.960529.781.12", "text": "They wanted their children to enjoy the parks , not the criminals enjoy the parks , They were n't built for criminals , they were built for you .", "summaries": ["They wanted their children to enjoy the parks , not the criminals , They were n't built for criminals , they were built for you .", "They wanted children to enjoy the parks , not criminals .", "They wanted their children to enjoy the parks , not the criminals , They were n't built for criminals , they were built for you ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.13", "text": "Crime is the focal point of Dole 's current trip to California .", "summaries": ["Crime is the focal point of Dole 's trip to California .", "Crime is the focal point of Dole 's trip to California .", "Crime is the focal point of Dole 's trip to California ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.14", "text": "Mr. President , I 'm sorry you took off three years .", "summaries": ["Mr. President , I 'm sorry you took off three years .", "Mr. President , you took off three years .", "Mr. President , you took off three years ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.15", "text": "You were AWOL for three years .", "summaries": ["You were AWOL for three years .", "You were AWOL .", "You were AWOL ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.16", "text": "You were absent without leadership on the drug program for three years , and election year conversion is not going to do any good .", "summaries": ["You were without leadership on the drug program for three years , and election year conversion is not going to do any good .", "You were absent on the drug program , and election year conversion is not going to do any good .", "You were without leadership on the drug program for years , and election year conversion is not going to do any good ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.17", "text": "This trip out west had overriding [ audio break ] .", "summaries": ["This trip had overriding .", "This trip out west had overriding [ audio break ] .", "This trip out west had overriding ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.18", "text": "Dole is here , not for the first time .", "summaries": ["Dole is here , not for the first time .", "Dole is here .", "Dole is here , not for the first time ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.19", "text": "Not for the last .", "summaries": ["Not for the last .", "Not for the last .", "Not for the last ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.2", "text": "But Huckabee already is the GOP nominee for a U.S. Senate seat .", "summaries": ["But Huckabee is the GOP nominee for a U.S. Senate seat .", "But Huckabee is the GOP nominee for Senate .", "Huckabee is the GOP nominee for a U.S. Senate seat ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.20", "text": "And we 're going to come to California if it takes a week , it takes two weeks - whatever it takes , we want to win this state .", "summaries": ["we 're going to come to California - whatever it takes , we want to win this state .", "whatever it takes , we want to win this state .", "we 're going to California if it takes weeks , we want to win this state ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.21", "text": "But no trip to California will be more important to Dole than the one he will take in August .", "summaries": ["But no trip to California will be more important to Dole than the one in August .", "no trip to California will be more important to Dole than the one in August .", "no trip to California will be more important to Dole than the one in August ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.22", "text": "In a preview of what 's to come , Dole dropped by the San Diego Convention Center for a peek at the place where he will officially become the Republican nominee for president .", "summaries": ["Dole dropped by the San Diego Convention Center for a peek at the place where he will become the Republican nominee for president .", "Dole dropped by the San Diego Convention Center where he will officially become the Republican nominee for president .", "Dole dropped by the San Diego Convention Center for a peek at where he will officially become the Republican nominee for president ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.23", "text": "-have a great party here .", "summaries": ["-have a great party here .", "-have a party .", "-have a great party ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.24", "text": "It 's going to be a start on the road to victory , right here .", "summaries": ["It 's going to be a start on the road to victory .", "It 's going to be a start on the road to victory .", "It 's going to start the road to victory here ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.25", "text": "Being here is important to California Republicans , a sensitive lot who think they lost a number of local seats when George Bush abandoned the state months ahead of the election .", "summaries": ["Being here is important to California Republicans , who think they lost local seats when George Bush abandoned the state months ahead of the election .", "Being here is important to California Republicans , who think they lost a seats when George Bush abandoned the state months ahead of the election .", "Being here is important to California Republicans , who think they lost local seats when George Bush abandoned the state months ahead of the election ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.26", "text": "Ken Kachigian , a former Reagan operative in charge of Dole 's California efforts , says , step one is showing up.", "summaries": ["Ken Kachigian , in charge of Dole 's California efforts , says , step one is showing up.", "Ken Kachigian , in charge of Dole 's California efforts , says , step one is showing up.", "Ken Kachigian , former Reagan operative in charge of Dole 's California efforts , says step one is showing up."]} +{"id": "bn9622.rpi_segs.txt.960529.781.27", "text": "Then step number two is to have an aggressive campaign defining- we have to redefine President Clinton , we have to start letting people get exposed to Bob Dole .", "summaries": ["step two is to have an aggressive campaign defining- we have to redefine President Clinton , we have to start letting people get exposed to Bob Dole .", "step two is letting people get exposed to Bob Dole .", "step two is an aggressive campaign to redefine President Clinton , to start letting people get exposed to Dole ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.28", "text": "But it 's a long- it 's a big hill , a long trip .", "summaries": ["it 's a big hill , a long trip .", "But it 's a long trip .", "it 's a long trip ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.29", "text": "The Dole campaign hopes to pick up support on three main issues at the heart of California politics - crime , border patrol , and affirmative action .", "summaries": ["The Dole campaign hopes to pick up support on three issues of California politics - crime , border patrol , and affirmative action .", "The Dole campaign hopes to pick up support on three issues - crime , border patrol , and affirmative action .", "The Dole campaign hopes to pick up support on three issues of California - crime , border patrol , and affirmative action ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.3", "text": "Is a statehouse in the hand worth a senate seat in the Beltway ?", "summaries": ["Is a statehouse in the hand worth a senate seat in the Beltway ?", "Is a statehouse in the hand worth a senate seat in the Beltway ?", "Is a statehouse in the hand worth a senate seat in the Beltway ?"]} +{"id": "bn9622.rpi_segs.txt.960529.781.30", "text": "Dole has already said he supports a California initiative which would dismantle most affirmative action programs .", "summaries": ["Dole supports a California initiative which would dismantle most affirmative action programs .", "Dole supports a California initiative which would dismantle most affirmative action programs .", "Dole supports a California initiative which would dismantle most affirmative action programs ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.31", "text": "As for Whitewater , Dole will let others parse the politics .", "summaries": ["As for Whitewater , Dole will let others parse the politics .", "As for Whitewater , Dole will let others parse the politics .", "As for Whitewater , Dole will let others parse politics ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.32", "text": "As Kachigian put it , when there 's a freight train coming down the tracks , it does n't make a lot of sense to stand in the way of it.", "summaries": ["As Kachigian put it , when there 's a freight train coming down the tracks , it does n't make sense to stand in the way of it.", "when there 's a freight train coming down the tracks , it does n't make sense to stand in the way", "As Kachigian put it , when there 's a freight train coming down the tracks , it does n't make sense to stand in the way"]} +{"id": "bn9622.rpi_segs.txt.960529.781.33", "text": "Candy Crowley , CNN , with the Dole campaign , Redondo Beach , California .", "summaries": ["Candy Crowley , CNN , Redondo Beach , California .", "Candy Crowley , CNN .", "Candy Crowley , with the Dole campaign , California ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.4", "text": "Well , Huckabee will let everybody know tomorrow .", "summaries": ["Huckabee will let everybody know tomorrow .", "Huckabee will let everybody know tomorrow .", "Huckabee will let everybody know tomorrow ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.5", "text": "Whether he is heeding strategists ' advice or his own political instincts , Bob Dole is staying mum about the Whitewater verdicts .", "summaries": ["Whether he is heeding strategists ' advice or his own instincts , Bob Dole is staying mum about the Whitewater verdicts .", "Whether heeding advice or his own instincts , Dole is staying mum about the verdicts .", "heeding strategists ' or his own political instincts , Bob Dole is mum about Whitewater ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.6", "text": "But he has not been silent about crime and the president 's record on it.", "summaries": ["he has not been silent about crime and the president 's record on it.", "But he has not been silent about crime and the president 's record on it.", "he has not been silent about crime and the president 's record on it."]} +{"id": "bn9622.rpi_segs.txt.960529.781.7", "text": "Tomorrow Mr. Clinton will endorse the right of communities to use curfews to curb gang violence .", "summaries": ["Tomorrow Mr. Clinton will endorse the right of communities to use curfews to curb violence .", "Clinton will endorse the right of communities to use curfews to curb gang violence .", "Tomorrow Clinton will endorse communities to use curfews to curb gang violence ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.8", "text": "It was an issue Bob Dole addressed today .", "summaries": ["It was an issue Dole addressed today .", "an issue Bob Dole addressed .", "It was an issue Dole addressed today ."]} +{"id": "bn9622.rpi_segs.txt.960529.781.9", "text": "More from CNN 's Candy Crowley .", "summaries": ["More from Candy Crowley .", "More from Candy Crowley .", "More from Candy Crowley ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.0", "text": "Breaking news coming from the Air Force on the wake of the crash of that jet in Croatia the killed Commerce Secretary Ron Brown and the troupe that was traveling with him .", "summaries": ["Breaking news from the Air Force on the wake of the crash that killed Commerce Secretary Ron Brown and the troupe that was traveling with him .", "news coming from the Air Force on the wake of the crash the killed Ron Brown and the troupe traveling with him .", "Breaking news from the Air Force on the crash of that jet in Croatia the killed Commerce Secretary Ron Brown and the troupe that was traveling with him ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.1", "text": "We go now to CNN 's Carl Rochelle , who 's at the White House this morning , for that latest on that .", "summaries": ["We go now to Carl Rochelle , at the White House this morning , for that latest on that .", "We go to Carl Rochelle .", "We go to Carl Rochelle at the White House , for that latest ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.10", "text": "Leon .", "summaries": ["Leon .", "Leon .", "Leon ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.11", "text": "All right .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.12", "text": "Carl , we understand your information is somewhat sketchy at this point , but if you can tell us right now if you 've heard anything else about maybe if any of their subordinates are also going to be charged with anything or if there are going to be any other shoes dropping for anyone beneath these gentlemen ?", "summaries": ["if you can tell us if any of their subordinates are also going to be charged or if there are going to be any other shoes dropping for anyone beneath these gentlemen ?", "tell us if you 've heard anything else about if any of their subordinates are going to be charged ?", "we understand you can tell us if any of their subordinates are going to be charged ?"]} +{"id": "bn9622.rpi_segs.txt.960530.737.13", "text": "Well actually , there have n't been any charges , Leon , and make it clear on that .", "summaries": ["there have n't been any charges .", "there have n't been any charges .", "there have n't been any charges ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.14", "text": "It is sometimes that these are the people who are in charge of the unit and when the unit fails in its mission , and clearly it does when an airplane crashes and people are killed , then very often the senior people in charge have to take the brunt for that because it is considered in the military regime that somehow beneath them the actions were n't taken , the orders were n't given , the right personnel were n't in place to perform the mission .", "summaries": ["when the unit fails in its mission , then the senior people in charge have to take the brunt for that because beneath them the actions were n't taken , the orders were n't given , the right personnel were n't in place to perform the mission .", "when an airplane crashes and people are killed , the people in charge have to take the brunt because it is considered in the military regime that actions were n't taken , orders were n't given , personnel were n't in place .", "the people in charge of the unit when the unit fails take the brunt in the military regime"]} +{"id": "bn9622.rpi_segs.txt.960530.737.15", "text": "It is unclear exactly what they found in that investigation .", "summaries": ["It is unclear what they found in that investigation .", "It is unclear what they found .", "It is unclear what they found in that investigation ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.16", "text": "You know , they never have come down with a reason for the crash .", "summaries": ["they never have come down with a reason for the crash .", "they never have come down with a reason for the crash .", "they never have come down with a reason for the crash ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.17", "text": "It 's clear that the aircraft was off course .", "summaries": ["the aircraft was off course .", "the aircraft was off course .", "It 's clear the aircraft was off course ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.18", "text": "It was not flying directly to the airport , but went off in the mountains .", "summaries": ["It was not flying to the , but went off in the mountains .", "It went off in the mountains .", "It was not flying directly to the airport , but off in the mountains ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.19", "text": "We do know that the transportation command inside the United States had ruled that airport only available for landing , safe for landing , during VFR day-time weather .", "summaries": ["the transportation command inside the United States had ruled that airport only safe for landing , during VFR day-time weather .", "the transportation command had ruled that airport only safe for landing during VFR day-time weather .", "the transportation command inside the United States had ruled that airport only safe for landing during VFR day-time weather ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.2", "text": "Carl .", "summaries": ["Carl .", "Carl .", "Carl ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.20", "text": "That means a nice , sunny day like today here in Washington or during the daytime , but not at night and not in inclement conditions .", "summaries": ["but not at night and not in inclement conditions .", "That means a sunny day during the daytime , but not at night and not in inclement conditions .", "That means a nice , sunny day or during the daytime , but not at night and not in inclement conditions ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.21", "text": "But the unit in Europe had not done that , and so that 's one area that might be into question .", "summaries": ["the unit in Europe had not done that , so that 's one area that might be into question .", "the unit in Europe had not done that .", "But the unit in Europe had not done that ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.22", "text": "Also some of the training and procedures might be into questions .", "summaries": ["some of the training and procedures might be into questions .", "training and procedures might be into questions .", "Also the training and procedures might be into questions ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.23", "text": "That all remains to be seen , Leon .", "summaries": ["That remains to be seen .", "That remains to be seen .", "That remains to be seen ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.24", "text": "All right , Carl .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.25", "text": "Quickly , if you can tell us where , right now , the brigadier general and the two colonels are right now ?", "summaries": ["if you can tell us where the brigadier general and the two colonels are right now ?", "if you can tell us where the brigadier general and the two colonels are ?", "tell us where the brigadier general and the two colonels are right now"]} +{"id": "bn9622.rpi_segs.txt.960530.737.26", "text": "Do you know ?", "summaries": ["Do you know ?", "Do you know ?", "Do you know ?"]} +{"id": "bn9622.rpi_segs.txt.960530.737.27", "text": "The names of the-", "summaries": ["The names of the-", "The names of the-", "The names"]} +{"id": "bn9622.rpi_segs.txt.960530.737.28", "text": "Do you know where they are ?", "summaries": ["Do you know where they are ?", "Do you know where they are ?", "Do you know where they are ?"]} +{"id": "bn9622.rpi_segs.txt.960530.737.29", "text": "Do you know where they are ?", "summaries": ["Do you know where they are ?", "Do you know where they are ?", "Do you know where they are ?"]} +{"id": "bn9622.rpi_segs.txt.960530.737.3", "text": "Leon , the word from the Air Force in Europe that the three most-immediate commanders of the group that was in charge of that airplane have been relieved of duty , have been fired by the Air Force .", "summaries": ["the three most-immediate commanders in charge of that airplane have been fired by the Air Force .", "the three commanders of the group that was in charge have been fired .", "the three commanders in charge have been relieved of duty ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.30", "text": "Oh , do I know where they are ?", "summaries": ["do I know where they are ?", "do I know where they are ?", "do I know where they are ?"]} +{"id": "bn9622.rpi_segs.txt.960530.737.31", "text": "They have not been sent back to the United States .", "summaries": ["They have not been sent back to the United States .", "They have not been sent back .", "They have not been sent back to the United States ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.32", "text": "OK.", "summaries": ["OK.", "OK.", "OK."]} +{"id": "bn9622.rpi_segs.txt.960530.737.33", "text": "One would assume they 're still in Europe .", "summaries": ["they 're still in Europe .", "they 're still in Europe .", "One would assume they 're in Europe ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.34", "text": "All right , fine .", "summaries": ["All right .", "All right .", "All right ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.35", "text": "Thanks .", "summaries": ["Thanks .", "Thanks .", "Thanks ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.36", "text": "Carl Rochelle reporting to us live from the White House , working that story from there .", "summaries": ["Carl Rochelle live from the White House .", "Carl Rochelle reporting from the White House .", "Carl Rochelle reporting from the White House ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.37", "text": "Thanks so much , we 'll see you .", "summaries": ["Thanks , we 'll see you .", "Thanks , see you .", "Thanks , we 'll see you ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.4", "text": "Based on facts developed during the investigation of the April 3rd crash that killed Ron Brown and his party , we are told that Major General Charles Heffelbauer [ sp ] , the commander of the 17th Air Force in Europe has lost confidence in the ability of the commander , the vice-commander , and the group operations commander of the 86th Airlift Wing which is based at Ramstein Air Base in Germany , and that is the unit that had the overview of that aircraft , a militarized version of the Boeing 737 , and we 're told the general relieved those three men of duty Wednesday evening .", "summaries": ["Major General Charles Heffelbauer , the commander of the 17th Air Force in Europe has lost confidence in the ability of the commander , the vice-commander , and the group operations commander of the 86th Airlift Wing and relieved those men of duty Wednesday evening .", "Based on facts developed during the investigation of the April 3rd crash , Major General Charles Heffelbauer , the commander of the 17th Air Force has lost confidence in the commander , the vice-commander , and the group operations commander of the 86th Airlift Wing which had the overview of that aircraft , and relieved those men of duty .", "Based on the investigation of the April 3rd crash that killed Ron Brown and his party , Major General Charles Heffelbauer , the commander of the 17th Air Force in Europe has lost confidence in the ability of the commander , the vice-commander , and the group operations commander of the 86th Airlift Wing which is based at Ramstein in Germany , and that is the unit that had the overview of that aircraft , a militarized version of the Boeing 737 ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.5", "text": "That was with the concurrence of the commander of U.S. forces in Europe , General Michael Ryan [ sp ] .", "summaries": ["That was with the concurrence of the commander of U.S. forces in Europe , General Michael Ryan .", "That was with the concurrence of General Michael Ryan .", "That was with the concurrence of the commander of U.S. forces in Europe , General Ryan ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.6", "text": "The officers relieved were Brigadier General William Stevens [ sp ] , a former commander of the 86th Airlift Wing ; Colonel Roger W. Hanson [ sp ] , former vice-commander of the 86th Airlift Wing ; and Colonel John E. Mazurowsky [ sp ] , former operations commander- former commander of the 86th Operations Group .", "summaries": ["The officers relieved were Brigadier General William Stevens , Colonel Roger W. Hanson , and Colonel John E. Mazurowsky .", "The officers relieved were Brigadier General William Stevens ; Colonel Roger W. Hanson ; and Colonel John E. Mazurowsky .", "The relieved were Brigadier General William Stevens , a former commander of the 86th Airlift Wing ; Colonel Roger W. Hanson , former vice-commander of the 86th Airlift Wing ; and Colonel John E. Mazurowsky , former commander of the 86th Operations Group ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.7", "text": "Now , the men are being immediately replaced in that job , but there are no other further details available at this time as to the reasons why .", "summaries": ["the men are being immediately replaced , but there are no further details available as to the reasons why .", "the men are being replaced , but there are no details as to why .", "the men are being replaced , but there are no other further details available as to why ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.8", "text": "Obviously , something was developed in the course of the investigation , but they say they wo n't release any details of exactly what they discovered that led them to take this action until after the investigation is completed and the results are released .", "summaries": ["they wo n't release any details of what led them to take this action until after the investigation is completed and the results are released .", "something was developed in the investigation , but they wo n't release details of what led them to this action until the investigation is completed and the results released .", "they wo n't release any details of exactly what they discovered that led to this action until after the investigation is completed ."]} +{"id": "bn9622.rpi_segs.txt.960530.737.9", "text": "But again , Leon , the three senior commanders who were involved in the oversight of the operation of that aircraft that took Ron Brown and his party to their deaths have been relieved of duty .", "summaries": ["But again , the three senior commanders who were involved in the oversight have been relieved of duty .", "the three commanders involved in the operation of that aircraft have been relieved of duty .", "the three senior commanders involved in the oversight of the aircraft that took Ron Brown and his party to their deaths have been relieved of duty ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.0", "text": "Direct talks did n't work , and mediators did n't help .", "summaries": ["Direct talks did n't work , and mediators did n't help .", "Direct talks did n't work , mediators did n't help .", "talks did n't work , and mediators did n't help ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.1", "text": "Now the FBI may be turning to a religious expert to help end the standoff at the Freemen standoff in Montana .", "summaries": ["Now the FBI may be turning to a religious expert to end the Freemen standoff in Montana .", "the FBI may be turning to a religious expert to help end the Freemen standoff in Montana .", "the FBI may be turning to a religious expert to help end the Freemen standoff in Montana ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.10", "text": "He is said to be consulting with the FBI and , the Department of Justice told CNN they have not ruled out his acting as a negotiator .", "summaries": ["He is consulting with the FBI and they have not ruled out his acting as a negotiator .", "He is consulting with the FBI and , the Department of Justice have not ruled out his acting as a negotiator .", "He is consulting with the FBI and the Department of Justice have not ruled out his acting as a negotiator ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.11", "text": "They say that he is an expert on this sort of unconventional barrier situation .", "summaries": ["They say that he is an expert on this sort of situation .", "he is an expert on unconventional barrier situation .", "They say he is an expert on this sort of situation ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.12", "text": "He 's been critical of the FBI 's handling- or the federal government 's handling of the incident at Waco that cost so many lives .", "summaries": ["He 's been critical of the federal government 's handling of the incident at Waco that cost so many lives .", "He 's been of handling the incident at Waco that cost many lives .", "He 's been critical of the federal government 's handling of Waco that cost many lives ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.13", "text": "Meanwhile , in Billings , Montana , yesterday , there was a hearing for two of the original Freemen whose arrests triggered this standoff , along with three other associates .", "summaries": ["in Billings , Montana , there was a hearing for two of the Freemen whose arrests triggered this standoff , along with three other associates .", "in Billings , Montana , yesterday , there was a hearing for two of the Freemen whose arrests triggered this standoff , along with three associates .", "in Billings , Montana , yesterday , there was a hearing for two Freemen whose arrests triggered this standoff , along with three associates ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.14", "text": "The hearing became unruly .", "summaries": ["The hearing became unruly .", "The hearing became unruly .", "The hearing became unruly ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.15", "text": "Two Freemen were evicted from the courtroom , and the judge did grant the prosecution a little more time to prepare for trial .", "summaries": ["Two Freemen were evicted from the courtroom , and the judge did grant the prosecution more time to prepare for trial .", "Two Freemen were evicted from the courtroom , and the judge did grant the prosecution time to prepare .", "Two Freemen were evicted from the courtroom , and the judge did grant the prosecution more time to prepare for trial ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.16", "text": "Bobbie ?", "summaries": ["Bobbie ?", "Bobbie ?", "Bobbie ?"]} +{"id": "bn9622.rpi_segs.txt.960531.568.17", "text": "Don Knapp near Brusett , Montana , thanks very much .", "summaries": ["Don Knapp near Brusett , Montana , thanks very much .", "Don Knapp , Montana .", "Don Knapp near Brusett , Montana , thanks ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.2", "text": "A member of a religious think tank from Houston is now meeting with federal agents .", "summaries": ["A member of a religious think tank from Houston is meeting with federal agents .", "A member of a religious think tank is meeting with agents .", "A member of a religious think tank from Houston is meeting with federal agents ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.3", "text": "CNN 's Don Knapp joins us live from Montana with more , now .", "summaries": ["Don Knapp joins us live from Montana with .", "Don Knapp joins us .", "CNN 's Don Knapp joins us from Montana ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.4", "text": "Don ?", "summaries": ["Don ?", "Don ?", "Don ?"]} +{"id": "bn9622.rpi_segs.txt.960531.568.5", "text": "Bobbie , it is , as you can see , a wet , rainy , grey muddy morning here in Montana with no sign of activity on the Freemen ranch this morning ; no sign of any activity on the part of the FBI .", "summaries": ["no sign of activity on the Freemen ranch ; no sign of any activity on the part of the FBI .", "no sign of activity on the Freemen ranch this morning ; no sign of activity on the part of the FBI .", "it is a rainy , muddy morning in Montana with no sign of activity on the Freemen ranch ; no sign of activity on the part of the FBI ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.6", "text": "We know that work is continuing in an effort to put generators on the neighboring ranches so that , at some point , the FBI will be allowed to- or will be able to shut off power to the Freemen .", "summaries": ["work is continuing to put generators on the neighboring ranches so that the FBI will be able to shut off power to the Freemen .", "continuing to put generators on neighboring ranches , the FBI will be able to shut off power to the Freemen .", "We know that work is continuing in an effort to put generators on the neighboring ranches so that the FBI will be able to shut off power to the Freemen ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.7", "text": "But , as you point out , there is some activity underway .", "summaries": ["But there is some activity underway .", "there is some activity underway .", "there is some activity underway ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.8", "text": "The FBI has brought in a religious expert .", "summaries": ["The FBI has brought in a religious expert .", "The FBI has brought in a religious expert .", "The FBI brought in a religious expert ."]} +{"id": "bn9622.rpi_segs.txt.960531.568.9", "text": "He is Philip Arnold [ sp ] , an associate at the Reunion Institute in Houston and a member of the Religious Freedom Task Force .", "summaries": ["He is Philip Arnold , an associate at the Reunion Institute in Houston and a member of the Religious Freedom Task Force .", "He is Philip Arnold , associate at the Reunion Institute and member of the Religious Freedom Task Force .", "He is Philip Arnold , associate at the Reunion Institute in Houston and member of the Religious Freedom Task Force ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.0", "text": "What could be more frustrating than wasting time stuck in traffic ?", "summaries": ["What could be more frustrating than wasting time in traffic ?", "What could be more frustrating than traffic ?", "What could be more frustrating than wasting time in traffic ?"]} +{"id": "bn9622.rpi_segs.txt.960601.552.1", "text": "But imagine a future where you could read a book while a computer takes the wheel .", "summaries": ["imagine a future where you could read a book while a computer takes the wheel .", "imagine a future where a computer takes the wheel .", "imagine you read while a computer takes the wheel ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.10", "text": "So , if I start to drift to the inside , it 'll trigger an alarm as soon as my wheel- one of the tires gets outside the lane boundary .", "summaries": ["if I start to drift to the inside , it 'll trigger an alarm as soon as one of the tires gets outside the lane boundary .", "if I drift to the inside , it 'll trigger an alarm .", "if I drift , it 'll trigger an alarm as the tires gets outside the lane ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.11", "text": "The system relies on a small video camera inside the car to see what 's going on outside .", "summaries": ["The system relies on a video camera inside the car to see what 's going on outside .", "The system relies on a camera inside the car to see outside .", "The system relies on a video camera ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.12", "text": "It looks for lane markers on the highway to help keep the car and the driver on the road .", "summaries": ["It looks for lane markers to help keep the car and the driver on the road .", "It looks for lane markers on the highway to keep the car on the road .", "It looks for lane markers to keep the car on the road ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.13", "text": "The camera 's mounted just below the rear view mirror , and it looks at a trapezoidal shape 20 meters ahead of the vehicle .", "summaries": ["The camera 's mounted below the rear view mirror and looks at a trapezoidal shape 20 meters ahead of the vehicle .", "The camera 's mounted below the rear view mirror , and it looks at a trapezoidal 20 meters ahead .", "mounted below the rear view mirror , it looks ahead ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.14", "text": "The image is analyzed by a portable , computer workstation mounted inside the car , powered by the cigarette lighter .", "summaries": ["The image is analyzed by a portable computer workstation mounted inside the car powered by the cigarette lighter .", "The image is analyzed by a computer , powered by the cigarette lighter .", "The image is analyzed by a computer powered by the cigarette lighter ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.15", "text": "In a test last summer , a Nav Lab van traveled from Washington to San Diego .", "summaries": ["In a test , a Nav Lab van traveled from Washington to San Diego .", "In a test , a Nav Lab van traveled from Washington to San Diego .", "a Nav Lab van traveled from Washington to San Diego ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.16", "text": "More than 90 percent of the trip was driven and controlled by the computer , just about everything but the breaks .", "summaries": ["More than 90 percent of the trip was driven and controlled by the computer , everything but the breaks .", "90 percent of the trip was controlled by the computer , about everything but the breaks .", "90 percent of the trip was controlled by the computer , everything but the breaks ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.17", "text": "But there were some bumps in the road .", "summaries": ["there were bumps in the road .", "there were bumps in the road .", "there were bumps in the road ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.18", "text": "It has trouble in situations that human drivers sometimes have trouble in also .", "summaries": ["It has trouble in situations that human drivers sometimes have trouble in .", "It has trouble in situations that drivers have trouble in .", "It has trouble in situations that drivers have trouble in ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.19", "text": "The one- one of the most difficult situations is a rainy night with on-coming headlights sort of blinding you because of the reflections off the roadway .", "summaries": ["one of the most difficult situations is a rainy night with on-coming headlights blinding you because of the reflections off the roadway .", "one of the most difficult situations is a rainy night with on-coming headlights blinding you .", "one of the difficult situations is a rainy night with on-coming headlights ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.2", "text": "As Dick Wilson explains , the era of automated driving could be just down the road .", "summaries": ["the era of automated driving could be down the road .", "the era of automated driving could be just down the road .", "the era of automated driving could be down the road ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.20", "text": "Researchers expect it will be another 10 years or so before they get all the bugs worked out of an automated driving system , but the accident warning program could be added to existing vehicles within two years , initially to trucks which researchers say have a high accident rate .", "summaries": ["Researchers expect it will be another 10 years before they get the bugs worked out of an automated driving system , but the accident warning program could be added to existing vehicles within two years , initially to trucks which have a high accident rate .", "it will be 10 years before they get all the bugs worked out of an automated system , but the accident warning program could be added within two years , initially to trucks which have a high accident rate .", "it will be 10 years before automated driving , but the accident warning program could be added to existing trucks ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.21", "text": "One in four heavy trucks are involved in this kind of accident within their operational lifetime , so it would be a monetary win for trucking companies if we could sell it for $ 2,000 .", "summaries": ["One in four trucks are involved in this kind of accident within their lifetime , so it would be a win for trucking companies if we could sell it for $ 2,000 .", "One in four trucks are involved in accident within their lifetime , so it would be a monetary win if we could sell it for $ 2,000 .", "One in four trucks are in this kind of accident , so it would be a win for trucking companies for $ 2,000"]} +{"id": "bn9622.rpi_segs.txt.960601.552.22", "text": "The goal is to make the highways a little safer by keeping an extra eye on the road and one day two hands off the wheel .", "summaries": ["The goal is to make the highways safer by keeping an eye on the road and two hands off the wheel .", "The goal is to make highways safer .", "make the highways safer by keeping an eye on the road and hands off the wheel ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.23", "text": "Dick Wilson , CNN , Pittsburgh , Pennsylvania .", "summaries": ["Dick Wilson , CNN , Pittsburgh , Pennsylvania .", "Dick Wilson , CNN .", "Dick Wilson , Pennsylvania ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.3", "text": "Pull up alongside a vehicle of the not-so-distant future and take a good look inside Researchers call them Smart Cars and they could give the phrase `` back seat driver ' a whole new meaning .", "summaries": ["Pull up alongside a vehicle of the future and take a look inside Researchers call them Smart Cars and they could give the phrase `` back seat driver ' a new meaning .", "Pull up alongside a vehicle of the future and take a look inside Researchers call them Smart Cars and they could give the phrase `` back seat driver ' a new meaning .", "Smart Cars give `` back seat driver ' a new meaning ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.4", "text": "That 's the goal , actually , of the automated highway system- is to allow a commuter on his morning commute to sit back and , you know , catch up on work , make phone calls .", "summaries": ["the goal of the automated highway system- is to allow a commuter to sit back and catch up on work , make phone calls .", "the goal of the automated highway system- is to allow a commuter on his commute to sit back and catch up on work , make phone calls .", "the goal of the automated highway system- is to allow a commuter to sit back and make phone calls ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.5", "text": "Scientists at Carnegie Mellon University have been building prototypes of automated , driver-less vehicles for the last 10 years .", "summaries": ["Scientists have been building prototypes of automated , driver-less vehicles for 10 years .", "Scientists have been building prototypes of driver-less vehicles for the last 10 years .", "Scientists have been building driver-less vehicles for years ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.6", "text": "Five years ago , the vehicle dubbed Nav Lab [ sp ] Two was a bulky Humvee , loaded down with cumbersome computers and camera systems .", "summaries": ["Five years ago , Nav Lab Two was a Humvee , loaded down with computers and camera systems .", "Five years ago , Nav Lab Two was a Humvee , loaded with computers and camera systems .", "Five years ago , the vehicle Nav Lab Two was bulky with computers and camera systems ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.7", "text": "The gear enabled the computer program to see the road .", "summaries": ["The gear enabled the program to see the road .", "The gear enabled the computer to see the road .", "The gear enabled the computer to see the road ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.8", "text": "Today , Nav Lab Five is a streamlined package that fits into a sedan , and its systems can help if there 's someone at the wheel , as well .", "summaries": ["Nav Lab Five is a streamlined package that fits into a sedan , and its systems can help if there 's someone at the wheel .", "Nav Lab Five is a package that fits into a sedan , and its systems can help someone at the wheel .", "Today , Nav Lab Five fits into a sedan , and can help if there 's someone at the wheel ."]} +{"id": "bn9622.rpi_segs.txt.960601.552.9", "text": "These vehicles here are designed both for automated steering like the Humvees , but also to monitor human drivers ' performance , to warn them if they 're going to get in an accident .", "summaries": ["These vehicles are designed for automated steering , but also to monitor human drivers ' performance , to warn them if they 're going to get in an accident .", "These vehicles are designed for automated steering , but also to monitor drivers ' performance , to warn them if they 're going to get in an accident .", "These vehicles are designed for automated steering , also to monitor drivers ' performance ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.0", "text": "Questions about the future of the Middle East peace process will soon be addressed by the one man who may have the answers .", "summaries": ["Questions about the future of the Middle East peace process will be addressed by the man who may have the answers .", "Questions about the Middle East peace process will be addressed by the man who may have the answers .", "the future of the Middle East peace process will soon be addressed ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.1", "text": "Israel 's new prime minister elect , Benjamin Netanyahu , will outline his policies Sunday in a victory speech .", "summaries": ["Israel 's new prime minister , Benjamin Netanyahu , will outline his policies Sunday .", "'s Benjamin Netanyahu will outline his policies Sunday .", "Israel 's new prime minister elect , Benjamin Netanyahu , will outline his policies Sunday in a speech ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.10", "text": "He assured me that he was going to do whatever he could to bring on the subject towards our objective , our common objective , of a comprehensive peace in this area .", "summaries": ["he was going to do whatever he could to bring on the subject towards our objective of peace in this area .", "He assured me he was going to do whatever he could towards our objective of peace in this area .", "He assured me that he was going to do whatever he could to bring our common objective , of a comprehensive peace in this area ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.11", "text": "Netanyahu says he opposed return of the Golan Heights to Syria and creation of a Palestinian state .", "summaries": ["Netanyahu opposed return of the Golan Heights to Syria and creation of a Palestinian state .", "Netanyahu opposed return of the Golan Heights to Syria and creation of a Palestinian state .", "Netanyahu says he opposed return of the Golan Heights to Syria and creation of a Palestinian state ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.12", "text": "But one Mideast observer claims the incoming prime minister knows it 's in Israel 's interest to preserve the gains it has made from the peace process and to maintain a good relationship with its Arab neighbors .", "summaries": ["the prime minister knows it 's in Israel 's interest to preserve the gains it has made from the peace process and to maintain a good relationship with its neighbors .", "the prime minister knows it 's in Israel 's interest to preserve the peace process and to maintain a good relationship with its neighbors .", "it 's in Israel 's interest to preserve the gains it has made from the peace process and to maintain a good relationship with its neighbors ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.13", "text": "I do n't think Netanyahu intends to kill the peace process .", "summaries": ["I do n't think Netanyahu intends to kill the peace process .", "I do n't think Netanyahu intends to kill the peace process .", "I do n't think Netanyahu intends to kill the peace process ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.14", "text": "I think he intends to bargain harder and maybe not make as many concessions as his predecessors .", "summaries": ["he intends to bargain harder and not make many concessions .", "he intends to bargain harder and not make as many concessions .", "he intends to bargain harder and not make as many concessions as his predecessors ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.15", "text": "But the world will not come to an end.", "summaries": ["the world will not come to an end.", "the world will not come to an end.", "the world will not come to an end."]} +{"id": "bn9622.rpi_segs.txt.960601.728.16", "text": "The Clinton administration has a vested interest in downplaying any setback to the peace process .", "summaries": ["The Clinton administration has a vested interest in downplaying any setback to the peace process .", "The Clinton administration has a vested interest in downplaying any setback .", "The Clinton administration has a vested interest in the peace process ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.17", "text": "After all , President Clinton has pinned a major part of his international policy reputation on it.", "summaries": ["President Clinton has pinned a part of his international policy reputation on it.", "President Clinton has pinned his international policy reputation on it.", "President Clinton has pinned a major part of his international policy reputation on it."]} +{"id": "bn9622.rpi_segs.txt.960601.728.18", "text": "And , looking ahead , another challenge looms in another part of the world , as Russian voters decide the fate of Boris Yeltsin just two weeks from now .", "summaries": ["Russian voters decide the fate of Boris Yeltsin two weeks from now .", "another challenge looms as Russian voters decide the fate of Boris Yeltsin two weeks from now .", "another challenge looms in another part of the world , as Russian voters decide the fate of Boris Yeltsin two weeks from now ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.19", "text": "Jill Dougherty , CNN , the White House .", "summaries": ["Jill Dougherty , CNN , the White House .", "Jill Dougherty , CNN .", "Jill Dougherty , the White House ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.2", "text": "He spent the Jewish Sabbath quietly with family and friends .", "summaries": ["He spent the Jewish Sabbath with family and friends .", "He spent the Sabbath with family and friends .", "He spent the Sabbath with family and friends ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.3", "text": "As CNN 's Jill Dougherty reports , the White House is already trying to calm Netanyahu 's critics .", "summaries": ["the White House is trying to calm Netanyahu 's critics .", "the White House is trying to calm Netanyahu 's critics .", "the White House is trying to calm Netanyahu 's critics ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.4", "text": "Benjamin Netanyahu 's victory jarred many in the Arab world , but the Clinton administration has been in close touch with Arab leaders since , reassuring them the U.S. will continue its efforts at peace and urging them not to pre-judge the prime minister elect .", "summaries": ["Netanyahu 's victory jarred many in the Arab world , but the Clinton administration has been in touch with Arab leaders , reassuring them the U.S. will continue its efforts at peace and urging them not to pre-judge the prime minister .", "Benjamin Netanyahu 's victory jarred many , but the Clinton administration has been in touch with Arab leaders , reassuring them the U.S. will continue its efforts at peace and urging them not to pre-judge the prime minister .", "Netanyahu 's victory jarred many in the Arab world , but the Clinton administration has been in touch with Arab leaders reassuring them and urging them not to pre-judge the prime minister elect ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.5", "text": "Saturday President Clinton said , `` Give him time . '", "summaries": ["President Clinton said , `` Give him time . '", "President Clinton said , `` Give him time . '", "Clinton said , `` Give him time . '"]} +{"id": "bn9622.rpi_segs.txt.960601.728.6", "text": "I think we ought to give the new prime minister a chance to put his government together and develop a policy .", "summaries": ["we ought to give the new prime minister a chance to put his government together and develop a policy .", "we ought to give the prime minister a chance to .", "we ought to give the new prime minister a chance to put his government together and develop a policy ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.7", "text": "He says he wants to continue the process and I think that- I hope that the friends of peace in the Arab world will continue to be committed to that .", "summaries": ["he wants to continue the process and I hope that the friends of peace in the Arab world will be committed to that .", "he wants to continue the process and I hope that the Arab world will continue to be committed to that .", "He says he wants to continue the process and I think the friends of peace in the Arab world will be committed to that ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.8", "text": "Mr. Clinton cited comments by Netanyahu at the end of the election campaign and a phone conversation the two had Friday .", "summaries": ["Mr. Clinton cited comments by Netanyahu and a phone conversation .", "Clinton cited comments by Netanyahu and a phone conversation the two had .", "Mr. Clinton cited comments by Netanyahu at the end of the campaign and a phone conversation the two had Friday ."]} +{"id": "bn9622.rpi_segs.txt.960601.728.9", "text": "The president also said he was encouraged by public comments from Jordan 's King Hussein whom Netanyahu telephoned shortly after his victory .", "summaries": ["The president was encouraged by public comments from Jordan 's King Hussein whom Netanyahu telephoned after his victory .", "The president was encouraged by comments from Jordan 's King Hussein whom Netanyahu telephoned .", "The president was encouraged by comments from Jordan 's King Hussein whom Netanyahu telephoned after his victory ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.0", "text": "It was home to Al Capone , and the Birdman of Alcatraz .", "summaries": ["It was home to Al Capone , and the Birdman of Alcatraz .", "It was home to Al Capone , and the Birdman of Alcatraz .", "It was home to Al Capone and the Birdman ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.1", "text": "For nearly 30 years , the island prison in San Francisco Bay housed some of the worst criminals in the U.S.", "summaries": ["For 30 years , the prison in San Francisco Bay housed the worst criminals in the U.S.", "the prison in San Francisco Bay housed the worst criminals", "For 30 years , the island in San Francisco Bay housed some of the worst criminals in the U.S."]} +{"id": "bn9622.rpi_segs.txt.960603.802.10", "text": "They 're five by seven , and they 're really low ceilings .", "summaries": ["They 're five by seven , and they 're low ceilings .", "They 're five by seven and low .", "They 're five by seven , and they 're low ceilings ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.11", "text": "They 're like six-something .", "summaries": ["They 're six-something .", "They 're six-something .", "They 're six-something ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.12", "text": "Nicknamed `` Hellcatraz , ' `` Devil 's Island , ' or `` The Rock , ' Bay 's film is not the first time Hollywood has romanced the stone .", "summaries": ["Bay 's film is not the first time Hollywood has romanced the stone .", "Bay 's film is not the first time Hollywood has romanced the stone .", "Nicknamed `` The Rock , ' Bay 's film is not the first time Hollywood has romanced the stone ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.13", "text": "Just last year , Kevin Bacon and Christian Slater probed brutality on Alcatraz in Murder In The First .", "summaries": ["last year , Kevin Bacon and Christian Slater probed brutality on Alcatraz in Murder In The First .", "Kevin Bacon and Christian Slater probed brutality on Alcatraz in Murder In The First .", "last year , Kevin Bacon and Christian Slater probed brutality on Alcatraz in Murder In The First ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.14", "text": "Burt Lancaster received an Oscar nomination for his performance in Birdman of Alcatraz , while Clint Eastwood chipped away at the Rock in Escape From Alcatraz .", "summaries": ["Burt Lancaster received an Oscar nomination for Birdman of Alcatraz , while Clint Eastwood chipped away at the Rock in Escape From Alcatraz .", "Burt Lancaster received an Oscar nomination for his Birdman , while Clint Eastwood chipped away at the Rock in Escape From Alcatraz .", "Burt Lancaster received an Oscar nomination for his Birdman of Alcatraz , while Clint Eastwood chipped away at the Rock in Escape From Alcatraz ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.15", "text": "Escape ?", "summaries": ["Escape ?", "Escape ?", "Escape ?"]} +{"id": "bn9622.rpi_segs.txt.960603.802.16", "text": "That 's just what Sean Connery 's character did , as revealed in the latest Alcatraz movie .", "summaries": ["That 's what Sean Connery 's character did in the latest Alcatraz movie .", "That 's what Sean Connery 's character did in the latest movie .", "That 's what Sean Connery 's character did , as revealed in the movie ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.17", "text": "His name is John Mason , a British national incarcerated on Alcatraz in 1962 .", "summaries": ["His name is John Mason , incarcerated on Alcatraz in 1962 .", "His is John Mason incarcerated in 1962 .", "His name is John Mason , a British national incarcerated on Alcatraz in 1962 ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.18", "text": "The government needs Mason 's inside-out knowledge of the prison and the expertise of an FBI scientist played by Cage .", "summaries": ["The government needs Mason 's knowledge of the prison and the expertise of an FBI scientist played by Cage .", "The government needs Mason 's knowledge of the prison and the expertise of an scientist played by Cage .", "The government needs Mason 's knowledge of the prison and the expertise of an FBI scientist played by Cage ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.19", "text": "It 's a big problem .", "summaries": ["It 's a problem .", "It 's a problem .", "It 's a problem ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.2", "text": "Now , as CNN 's Paul Vercammen reports , the prison know as `` The Rock ' goes from the big house to the big screen , again .", "summaries": ["Now the prison know as `` The Rock ' goes from the big house to the big screen , again .", "the prison know as `` The Rock ' goes to the big screen .", "Now , `` The Rock ' goes from the big house to the big screen , again ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.20", "text": "I mean , it 's like anything Stan Goodspeed [ sp ] has encountered before .", "summaries": ["it 's like anything Stan Goodspeed has encountered before .", "it 's like anything Stan Goodspeed has encountered before .", "it 's like anything Stan Goodspeed has encountered before ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.21", "text": "I mean , I- the whole San Francisco Bay area is in dire jeopardy .", "summaries": ["the San Francisco Bay area is in jeopardy .", "the whole Bay area is in jeopardy .", "the Bay area is in dire jeopardy ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.22", "text": "We 've put him in a circumstance like this , where he 's really just wants to survive and get out of it and that 's the end of it and he 's sucked in by this guy whose totally ill-equipped for this job as well .", "summaries": ["We 've put him in a circumstance where he wants to survive and get out of it and he 's sucked in by this guy whose ill-equipped for this job .", "We 've put him in a circumstance where he just wants to get out of it and he 's sucked in by this guy whose ill-equipped for this job .", "We 've put him in a circumstance where he really wants to survive and get out and he 's sucked in by this guy whose totally ill-equipped ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.23", "text": "The job is to end a chemical weapons threat against the Bay Area by a maniacal general played by Ed Harris .", "summaries": ["The job is to end a chemical weapons threat against the Bay Area by a general played by Ed Harris .", "The job is to end a weapons threat by Ed Harris .", "The job is to end a chemical weapons threat against the Bay Area by a maniacal Ed Harris ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.24", "text": "You 're right .", "summaries": ["You 're right .", "You 're right .", "You 're right ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.25", "text": "I do n't use guns and I do n't kick down doors .", "summaries": ["I do n't use guns and I do n't kick down doors .", "I do n't use guns and I do n't kick doors .", "I do n't use guns and I do n't kick down doors ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.26", "text": "This is what I do .", "summaries": ["This is what I do .", "This is what I do .", "This is what I do ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.27", "text": "I have n't got my glasses .", "summaries": ["I have n't got my glasses .", "I have n't got my glasses .", "I have n't got my glasses ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.28", "text": "The combination of Connery and Cage provides comic relief from rapidfire cuts and moving shots .", "summaries": ["The combination of Connery and Cage provides relief from rapidfire cuts and moving shots .", "The combination of Connery and Cage provides comic relief .", "The combination of Connery and Cage provides comic relief from rapidfire shots ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.29", "text": "His character and my character were kind of perfect combination to get laughs .", "summaries": ["His and my character were perfect combination to get laughs .", "His and my character were perfect combination .", "His character and my character were perfect to get laughs ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.3", "text": "Movie goers are gearing up to enter The Rock starring Sean Connery , Nicholas Cage , and Ed Harris .", "summaries": ["Movie goers are gearing up to enter The Rock starring Sean Connery , Nicholas Cage , and Ed Harris .", "Movie goers are gearing up to enter The Rock starring Sean Connery , Nicholas Cage , and Ed Harris .", "Movie goers are gearing up to enter The Rock starring Sean Connery , Nicholas Cage , and Ed Harris ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.30", "text": "So these highly respected actors traded lines where highly feared inmates once traded insults .", "summaries": ["these actors traded lines where inmates once traded insults .", "these actors traded lines where inmates traded insults .", "these actors traded lines where inmates once traded insults ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.31", "text": "Paul Vercammen , CNN Entertainment News , Los Angeles .", "summaries": ["Paul Vercammen , CNN Entertainment News , Los Angeles .", "Paul Vercammen , CNN .", "Paul Vercammen , Los Angeles ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.4", "text": "They shot much of this fiery frantic tale on Alcatraz , the infamous island prison that housed some of the most savage inmates ever to serve time .", "summaries": ["They shot much of this tale on Alcatraz , the prison that housed some of the most savage inmates ever to serve time .", "They shot on Alcatraz , the prison that housed the most savage inmates .", "They shot this tale on Alcatraz , the infamous prison that housed some savage inmates ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.5", "text": "Alcatraz is an unsafe place to actually make a movie in many ways , because there are cliffs and rotting , corroding steel pipes everywhere , and old nails sticking up.", "summaries": ["Alcatraz is an unsafe place to make a movie , because there are cliffs and rotting , corroding steel pipes everywhere , and old nails sticking up.", "Alcatraz is unsafe to make a movie , because there are cliffs and rotting pipes and old nails", "Alcatraz is an unsafe place to make a movie because there are cliffs and corroding pipes everywhere , and old nails"]} +{"id": "bn9622.rpi_segs.txt.960603.802.6", "text": "Alcatraz opened as a prison in 1934 , was shut down in 1963 by Attorney General Robert Kennedy , due to its deteriorating conditions .", "summaries": ["Alcatraz opened in 1934 , was shut down in 1963 due to its deteriorating conditions .", "Alcatraz opened in 1934 , was shut down in 1963 due to deteriorating conditions .", "Alcatraz opened in 1934 , was shut in 1963 by Attorney General Robert Kennedy , due to its deteriorating conditions ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.7", "text": "And as director Michael Bay told us , in the early stages of filming The Rock , it 's downright creepy .", "summaries": ["in the early stages of filming The Rock , it 's creepy .", "director Michael Bay told us it 's creepy .", "as director Michael Bay told us in filming The Rock , it 's downright creepy ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.8", "text": "When you walk into the set , sometimes you 're alone in the main cell block and you 're seeing , like , Al Capone lived here- it 's just bizarre .", "summaries": ["sometimes you 're alone in the main cell block and you 're seeing , Al Capone lived here- it 's bizarre .", "When you walk into the set in the main cell block it 's bizarre .", "When you walk into the set , sometimes you 're alone in the main cell block and Al Capone lived here- it 's bizarre ."]} +{"id": "bn9622.rpi_segs.txt.960603.802.9", "text": "I mean , because these cells are really , really small .", "summaries": ["these cells are really small .", "these cells are small .", "these cells are really small ."]} +{"id": "bn9623.rpi.txt.960523.261.0", "text": "In California today , what the government is calling the largest seizure of smuggled automatic weapons in American history .", "summaries": ["In California today , the largest seizure of smuggled automatic weapons in American history .", "the largest seizure of smuggled weapons in American history .", "the government is calling the largest seizure of smuggled automatic weapons in American history ."]} +{"id": "bn9623.rpi.txt.960523.261.1", "text": "And seven people are now under arrest , including two Chinese nationals with ties to the Chinese military .", "summaries": ["seven people are under arrest , including two Chinese with ties to the Chinese military .", "seven people are under arrest , including two Chinese with ties to the Chinese military .", "seven people are under arrest , including two Chinese nationals with ties to the Chinese military ."]} +{"id": "bn9623.rpi.txt.960523.261.10", "text": "In fact , authorities told ABC News that undercover agents were preparing to lure two high-ranking Chinese officials here to San Francisco when the sting had to be ended prematurely for fear it had been compromised .", "summaries": ["undercover agents were preparing to lure two high-ranking Chinese officials to San Francisco when the sting had to be ended prematurely .", "agents were preparing to lure two high-ranking Chinese officials to San Francisco when the sting had to be ended .", "authorities told ABC News that agents were preparing to lure two Chinese officials to San Francisco when the sting had to be ended prematurely for fear it had been compromised ."]} +{"id": "bn9623.rpi.txt.960523.261.11", "text": "Brian Ross , ABC News , San Francisco .", "summaries": ["Brian Ross , ABC News , San Francisco .", "Brian Ross , ABC News .", "Brian Ross , San Francisco ."]} +{"id": "bn9623.rpi.txt.960523.261.12", "text": "In Serbia today , President Slobodan Milosevic has pledged to the United States that within one week Bosnian Serb leader Radovan Karadzic will be effectively removed from power .", "summaries": ["In Serbia today , President Slobodan Milosevic has pledged to the United States that within one week Bosnian Serb leader Radovan Karadzic will be removed from power .", "In Serbia , Slobodan Milosevic has pledged that Radovan Karadzic will be removed from power .", "In Serbia , President Slobodan Milosevic pledged to the United States that Bosnian Serb leader Radovan Karadzic will be effectively removed from power ."]} +{"id": "bn9623.rpi.txt.960523.261.13", "text": "Mr. Karadzic , has been indicted by the War Crimes Tribunal in Holland .", "summaries": ["Karadzic has been indicted by the War Crimes Tribunal in Holland .", "Karadzic has been indicted by the War Crimes Tribunal .", "Mr. Karadzic , has been indicted by the War Crimes Tribunal ."]} +{"id": "bn9623.rpi.txt.960523.261.14", "text": "Back in a moment .", "summaries": ["Back in a moment .", "Back in a moment .", "Back in a moment ."]} +{"id": "bn9623.rpi.txt.960523.261.2", "text": "ABC 's Brian Ross is in San Francisco .", "summaries": ["Brian Ross is in San Francisco .", "Brian Ross is in San Francisco .", "Brian Ross is in San Francisco ."]} +{"id": "bn9623.rpi.txt.960523.261.3", "text": "U.S. customs agents had been tracking huge shipments of Chinese weapons into this country for years , which is what led undercover agents to set up the illegal shipment this March of some 2,000 AK-47's , shown here being unpacked after they were seized in Oakland ; guns the undercover agents had claimed were destined for American street gangs .", "summaries": ["U.S. customs agents had been tracking huge shipments of Chinese weapons into this country , which is what led undercover agents to set up the illegal shipment of 2,000 AK-47's , guns the undercover agents had claimed were destined for American street gangs .", "customs agents had been tracking shipments of Chinese weapons for years , which is what led agents to set up the shipment of 2,000 AK-47's seized in Oakland ; guns were destined for American street gangs .", "U.S. customs tracking shipments into this country led undercover agents to set up the illegal shipment this March of some 2,000 AK-47's , shown here being unpacked after they were seized in Oakland ; guns the undercover agents had claimed were destined for American street gangs ."]} +{"id": "bn9623.rpi.txt.960523.261.4", "text": "They also negotiated even more sophisticated weapons - Stinger-type missiles and little small hand grenades with a comment that if you throw these into a crowd , they can kill many , many people .", "summaries": ["They also negotiated more sophisticated weapons with a comment that if you throw these into a crowd , they can kill many people .", "They also negotiated Stinger-type missiles and hand grenades .", "They also negotiated even more sophisticated weapons - Stinger-type missiles and hand grenades that can kill many people ."]} +{"id": "bn9623.rpi.txt.960523.261.5", "text": "In addition to the seven Chinese business people who were charged today , at least seven others are being sought , including some top officials in China .", "summaries": ["In addition to the seven Chinese business people charged today , at least seven others are being sought .", "seven others are being sought , including some top officials in China .", "at least seven others are being sought , including top officials in China ."]} +{"id": "bn9623.rpi.txt.960523.261.6", "text": "The Chinese government is into this thing all the way up to their eyeballs .", "summaries": ["The Chinese government is into this thing up to their eyeballs .", "The Chinese government is into this .", "The Chinese government is into this all the way up ."]} +{"id": "bn9623.rpi.txt.960523.261.7", "text": "The case leads directly back to two prominent arms companies tied directly to the Chinese Peoples Liberation Army .", "summaries": ["The case leads back to two prominent arms companies tied to the Chinese Peoples Liberation Army .", "The case leads to two arms companies tied to the Chinese Peoples Liberation Army .", "The case leads directly back to two prominent arms companies tied to the Chinese Peoples Liberation Army ."]} +{"id": "bn9623.rpi.txt.960523.261.8", "text": "One called Poly Technologies , which is headed by the son-in-law of Chinese leader Deng Xiaoping .", "summaries": ["One called Poly Technologies , headed by the son-in-law of Chinese leader Deng Xiaoping .", "Poly Technologies is headed by the son-in-law of Deng Xiaoping .", "Poly Technologies is headed by the son-in-law of Chinese leader Deng Xiaoping ."]} +{"id": "bn9623.rpi.txt.960523.261.9", "text": "And the other , Norinco , which manufactured the AK-47's seized in the government sting .", "summaries": ["the other , Norinco , which manufactured the AK-47's seized in the government sting .", "Norinco manufactured the AK-47's seized in the sting .", "the other , Norinco , manufactured the AK-47's seized in the government sting ."]} +{"id": "bn9623.rpi.txt.960525.319.0", "text": "Investors on Wall Street this week were quick to pick up the latest fashion trend - Saks Holdings .", "summaries": ["Investors on Wall Street this week were quick to pick up Saks Holdings .", "Investors were quick to pick up the latest trend - Saks Holdings .", "Investors on Wall Street were quick to pick up the latest fashion trend - Saks Holdings ."]} +{"id": "bn9623.rpi.txt.960525.319.1", "text": "The parent company of Saks Fifth Avenue offering a 26 percent stake in the company .", "summaries": ["The parent company of Saks Fifth Avenue offering a 26 percent stake .", "Saks Fifth Avenue offering a 26 percent stake in the company .", "The parent company of Saks Fifth Avenue offering a 26 percent stake in the company ."]} +{"id": "bn9623.rpi.txt.960525.319.10", "text": "Now the hunt is on for the next hot retailer , and some privately held stores are wondering if they should answer Wall Street 's call .", "summaries": ["the hunt is on for the next hot retailer , and some stores are wondering if they should answer Wall Street 's call .", "some privately held stores are wondering if they should answer Wall Street 's call .", "the hunt is on for the next hot retailer , and some stores are wondering if they should answer Wall Street 's call ."]} +{"id": "bn9623.rpi.txt.960525.319.11", "text": "We 've been sought after .", "summaries": ["We 've been sought after .", "We 've been sought after .", "We 've been sought after ."]} +{"id": "bn9623.rpi.txt.960525.319.12", "text": "We talk to them , we are educating ourselves , I guess they are educating themselves about us and when the right time comes maybe we make the move .", "summaries": ["we are educating ourselves , they are educating themselves about us and when the time comes we make the move .", "we are educating ourselves , they are educating themselves about us and when the right time comes maybe we make the move .", "We are educating ourselves , they are educating themselves about us and when the time comes maybe we make the move ."]} +{"id": "bn9623.rpi.txt.960525.319.13", "text": "Heads of private apparel companies say they worry about ceding control to share holders who may not agree with ideas about how to run the business , but with the market conditions so favorable , more and more are getting over their fear of going public .", "summaries": ["Heads of private apparel companies worry about ceding control to share holders who may not agree about how to run the business , but with the market conditions so favorable , more are getting over their fear .", "Heads of companies say they worry about ceding control to share holders , but with the market conditions favorable , more are getting over their fear of going public .", "Heads of private apparel companies worry about ceding control to share holders who may not agree how to run the business , but with conditions so favorable , more are getting over their fear of going public ."]} +{"id": "bn9623.rpi.txt.960525.319.14", "text": "Kitty Pilgrim , CNN Financial News , New York .", "summaries": ["Kitty Pilgrim , CNN Financial News , New York .", "Kitty Pilgrim , CNN .", "Kitty Pilgrim , CNN ."]} +{"id": "bn9623.rpi.txt.960525.319.15", "text": "I now declare the Disney Store right here in Manhattan officially open .", "summaries": ["I declare the Disney Store in Manhattan officially open .", "I declare the Disney Store in Manhattan open .", "I declare the Disney Store in Manhattan officially open ."]} +{"id": "bn9623.rpi.txt.960525.319.16", "text": "And Walt Disney opening its latest store to the public .", "summaries": ["Walt Disney opening its latest store to the public .", "Walt Disney opening its latest store .", "Walt Disney opening its latest store ."]} +{"id": "bn9623.rpi.txt.960525.319.17", "text": "The three-story Disney Kingdom is located in the heart of Manhattan and just a block and a half away from Warner Brothers .", "summaries": ["The three-story Disney Kingdom is located a block and a half away from Warner Brothers .", "The Disney Kingdom is a block and a half away from Warner Brothers .", "The three-story Disney Kingdom is in the heart of Manhattan and just a block and a half from Warner Brothers ."]} +{"id": "bn9623.rpi.txt.960525.319.18", "text": "Disney paying top dollar , $ 400 a square foot , for the location , but says the publicity is worth the price .", "summaries": ["Disney paying $ 400 a square foot for the location , but says the publicity is worth the price .", "Disney paying $ 400 a square foot , says the publicity is worth the price .", "Disney paying $ 400 a square foot for the location , says the publicity is worth the price ."]} +{"id": "bn9623.rpi.txt.960525.319.2", "text": "Investors rushed to buy the stock on its first day of trading , ending the week up $ 8 from its initial offering price of $ 25 a share .", "summaries": ["Investors rushed to buy the stock on its first day of trading , ending the week up $ 8 from its initial price of $ 25 .", "Investors rushed to buy the stock , ending the week up $ 8 from its initial price of $ 25 a share .", "Investors rushed to buy the stock , ending the week up $ 8 from its initial offering price of $ 25 a share ."]} +{"id": "bn9623.rpi.txt.960525.319.3", "text": "Luxury is in.", "summaries": ["Luxury is in.", "Luxury is in.", "Luxury is in."]} +{"id": "bn9623.rpi.txt.960525.319.4", "text": "While the retail sector 's recovery has been spotty , it seems the sky 's the limit for high-end stores .", "summaries": ["While the retail sector 's recovery has been spotty , the sky 's the limit for high-end stores .", "While the retail sector 's recovery has been spotty , the sky 's the limit for high-end stores .", "While the retail sector 's recovery has been spotty , the sky 's the limit for high-end stores ."]} +{"id": "bn9623.rpi.txt.960525.319.5", "text": "Wall Street is betting that Saks Fifth Avenue will continue the trend .", "summaries": ["Wall Street is betting that Saks will continue the trend .", "Wall Street is betting that Saks Fifth Avenue will continue the trend .", "Wall Street is betting that Saks will continue the trend ."]} +{"id": "bn9623.rpi.txt.960525.319.6", "text": "The retailer will raise roughly $ 400 million , enough to wipe out more than one-third of its debt .", "summaries": ["The retailer will raise $ 400 million to wipe out more than one-third of its debt .", "The retailer will raise $ 400 million , more than one-third of its debt .", "The retailer will raise $ 400 million to wipe out more than one-third of its debt ."]} +{"id": "bn9623.rpi.txt.960525.319.7", "text": "The wealthier consumers are benefiting from economic trends , and they 're spending money and we 've seen that in stores like Tiffany and Gucci that are public companies , where the results have consistently been much better than expected .", "summaries": ["wealthier consumers are benefiting from economic trends , and they 're spending money and we 've seen that in stores like Tiffany and Gucci , where the results have been better than expected .", "wealthier consumers are spending money and we 've seen that in Tiffany and Gucci that are public companies , the results have been better than expected .", "The wealthier consumers are benefiting from economic trends , and they 're spending money in stores like Tiffany and Gucci that are public companies , where the results have consistently been better than expected ."]} +{"id": "bn9623.rpi.txt.960525.319.8", "text": "Tiffany recently split its stock after reporting a big jump in quarterly earnings , and Gucci stock soared Tuesday after reporting a 113 percent jump in revenue .", "summaries": ["Tiffany split its stock after reporting a big jump in quarterly earnings , and Gucci stock soared after reporting a 113 percent jump in revenue .", "Tiffany split its stock after a big jump in earnings , and Gucci stock soared after a 113 percent jump in revenue .", "Tiffany recently split its stock after a big jump in quarterly earnings , and Gucci stock soared after a 113 percent jump in revenue ."]} +{"id": "bn9623.rpi.txt.960525.319.9", "text": "Designer Donna Karan , sensing a more friendly environment towards high-end fashion , is readying another attempt at a public offering .", "summaries": ["Designer Donna Karan , sensing a friendly environment towards fashion , is readying another public offering .", "Donna Karan is readying another attempt at a public offering .", "Designer Donna Karan , sensing a friendly environment , is readying another attempt at a public offering ."]} +{"id": "bn9623.rpi.txt.960601.476.0", "text": "Dan Rutz joined a fitness expert to get advice on how to enjoy the benefits of exercise without getting hurt .", "summaries": ["Dan Rutz joined a fitness expert to get advice on how to enjoy exercise without getting hurt .", "Dan Rutz joined a fitness expert to get advice on how to enjoy exercise without getting hurt .", "Dan Rutz joined a fitness expert to get advice on how to exercise without getting hurt ."]} +{"id": "bn9623.rpi.txt.960601.476.1", "text": "It 's a steady flow of injuries .", "summaries": ["It 's a flow of injuries .", "It 's a steady flow of injuries .", "It 's a steady flow of injuries ."]} +{"id": "bn9623.rpi.txt.960601.476.10", "text": "That 's exactly the same thing .", "summaries": ["That 's the same thing .", "exactly the same .", "That 's the same ."]} +{"id": "bn9623.rpi.txt.960601.476.11", "text": "OK.", "summaries": ["OK.", "OK.", "OK."]} +{"id": "bn9623.rpi.txt.960601.476.12", "text": "Yep .", "summaries": ["Yep .", "Yep .", "Yep ."]} +{"id": "bn9623.rpi.txt.960601.476.13", "text": "Start out slow , get the muscles moving , and then the jog becomes a safer jog .", "summaries": ["Start slow , get the muscles moving , then the jog becomes safer .", "Start slow , get the muscles moving , and the jog becomes safer .", "Start out slow , get the muscles moving , and the jog becomes safer ."]} +{"id": "bn9623.rpi.txt.960601.476.14", "text": "Close to three out of four men in the CNN/Men 's Health magazine poll say they 're in good shape , but national statistics find a third are overweight .", "summaries": ["three out of four men in the CNN/Men 's Health poll say they 're in good shape , but national statistics find a third are overweight .", "three out of four men in the CNN/Men 's Health magazine poll say they 're in shape , but national statistics find a third are overweight .", "three out of four men in the CNN/Men 's Health poll say they 're in good shape , but national statistics find a third overweight ."]} +{"id": "bn9623.rpi.txt.960601.476.15", "text": "Many quit exercising when they get hurt , but proper warmups and not overdoing it can prevent what the doctor calls the `` itises ' - tendinitis , ligamentitis .", "summaries": ["Many quit exercising when they get hurt , but proper warmups and not overdoing it can prevent tendinitis , ligamentitis .", "Many quit exercising when they get hurt , but proper warmups and not overdoing it can prevent tendinitis , ligamentitis .", "Many quit exercising when they get hurt , but proper warmups and not overdoing it can prevent the `` itises ' - tendinitis , ligamentitis ."]} +{"id": "bn9623.rpi.txt.960601.476.16", "text": "An inflammation of a tight tendon can cause pain when you do your exercise activity and it can become a recurrent pain that is difficult to get rid of.", "summaries": ["An inflammation of a tendon can cause pain when you exercise and become a recurrent pain difficult to get rid of.", "An inflammation of a tendon can cause pain when you exercise and become difficult to get rid of.", "inflammation of a tight tendon can cause pain when you exercise and it is difficult to get rid of."]} +{"id": "bn9623.rpi.txt.960601.476.17", "text": "What are men in their 30s , 40s , 50s , and 60s doing running out here anyway ?", "summaries": ["What are men in their 30s , 40s , 50s , and 60s doing running ?", "What are men in their 30s , 40s , 50s , and 60s doing running ?", "What are men in their 30s , 40s , 50s , and 60s doing running anyway ?"]} +{"id": "bn9623.rpi.txt.960601.476.18", "text": "What 's the point , you know ?", "summaries": ["What 's the point ?", "What 's the point ?", "What 's the point ?"]} +{"id": "bn9623.rpi.txt.960601.476.19", "text": "Why bother doing it ?", "summaries": ["Why bother ?", "Why bother ?", "Why bother ?"]} +{"id": "bn9623.rpi.txt.960601.476.2", "text": "He makes a living on the downside of physical fitness , but like most medical experts , Dr. Thomas Branch , of Emory University , firmly believes that the benefits of exercise far outweigh the risk of getting hurt .", "summaries": ["like most medical experts , Dr. Thomas Branch , of Emory University , believes that the benefits of exercise outweigh the risk of getting hurt .", "He makes a living on the downside of physical fitness , but Dr. Thomas Branch , of Emory University , believes that the benefits of exercise outweigh the risk .", "He makes a living on the downside of fitness , but Dr. Thomas Branch , of Emory University , believes that the benefits of exercise outweigh the risk of getting hurt ."]} +{"id": "bn9623.rpi.txt.960601.476.20", "text": "The combination of stress management - exercise for your cardiovascular system to prolong life and to limit disease , I think those are the two main reasons .", "summaries": ["exercise for your cardiovascular system to prolong life and to limit disease are the main reasons .", "stress management - exercise your cardiovascular system to prolong life and limit disease , those are main reasons .", "The combination of stress management - exercise for your cardiovascular system to prolong life and limit disease , are the two main reasons ."]} +{"id": "bn9623.rpi.txt.960601.476.21", "text": "Richard Krebs has a third reason for staying fit .", "summaries": ["Richard Krebs has a third reason .", "Richard Krebs has a third reason .", "Richard Krebs has a third reason ."]} +{"id": "bn9623.rpi.txt.960601.476.22", "text": "He enjoys an active lifestyle even though he 's just coming back from an injury that required surgery to repair .", "summaries": ["He enjoys an active lifestyle even though he 's coming back from an injury that required surgery to repair .", "He enjoys an active lifestyle even though he 's coming back from an injury that required surgery .", "He enjoys an active lifestyle though he 's coming back from an injury that required surgery ."]} +{"id": "bn9623.rpi.txt.960601.476.23", "text": "I had an unfortunate occurrence , but you know these things happen all the time .", "summaries": ["I had an unfortunate occurrence , but know these things happen all the time .", "I had an unfortunate occurrence , but these things happen .", "I had an unfortunate occurrence ."]} +{"id": "bn9623.rpi.txt.960601.476.24", "text": "There are other kinds of risks out there in the world , too , and I just- I do n't believe in sitting home and , you know , playing it safe .", "summaries": ["There are other kinds of risks , and I do n't believe in sitting home and playing it safe .", "There are other kinds of risks , and I do n't believe in sitting home and playing it safe .", "There are risks in the world , and I do n't believe in sitting home and playing it safe ."]} +{"id": "bn9623.rpi.txt.960601.476.25", "text": "He 's coming along with his muscle strength .", "summaries": ["He 's coming along with his muscle strength .", "He 's coming along with his muscle strength .", "He 's coming along with his strength ."]} +{"id": "bn9623.rpi.txt.960601.476.26", "text": "Rehabilitation that is sport-specific helps reduce the chance of reinjury , and to possibly avoid trouble in the first place , get to know your body better , especially when things do n't feel right .", "summaries": ["Rehabilitation helps reduce the chance of reinjury , and to avoid trouble in the first place , get to know your body , especially when things do n't feel right .", "Rehabilitation helps reduce the chance of reinjury , and to avoid trouble , know your body better , especially when things do n't feel right .", "Rehabilitation that is sport-specific helps reduce reinjury , and to avoid trouble , get to know your body , especially when things do n't feel right ."]} +{"id": "bn9623.rpi.txt.960601.476.27", "text": "Once you learn about your body , the next time those symptoms appear you do n't have to go to the doctor .", "summaries": ["Once you learn about your body , the next time those symptoms appear you do n't have to go to the doctor .", "Once you learn , the next time those symptoms appear you do n't have to go to the doctor .", "Once you learn , the next time symptoms appear you do n't have to go to the doctor ."]} +{"id": "bn9623.rpi.txt.960601.476.28", "text": "Let me ask you if we 're trading fitness for 40 for arthritis at 60 by doing this ?", "summaries": ["Let me ask you if we 're trading fitness for 40 for arthritis at 60 ?", "Let me ask you if we 're trading fitness for 40 for arthritis at 60 by doing this ?", "Let me ask if we 're trading fitness for 40 for arthritis at 60 ?"]} +{"id": "bn9623.rpi.txt.960601.476.29", "text": "In fact , you might be doing the opposite .", "summaries": ["you might be doing the opposite .", "you might be doing the opposite .", "you might be doing the opposite ."]} +{"id": "bn9623.rpi.txt.960601.476.3", "text": "A healthy workout should start with stretching .", "summaries": ["A workout should start with stretching .", "A workout should start with stretching .", "A workout should start with stretching ."]} +{"id": "bn9623.rpi.txt.960601.476.30", "text": "If you do the right amount of exercise and you incorporate cross-training into your program , you may in fact be prolonging your life and reducing arthritis .", "summaries": ["If you do the right amount of exercise and incorporate cross-training into your program , you may be prolonging your life and reducing arthritis .", "If you do the right amount of exercise and incorporate cross-training , you may be prolonging your life and reducing arthritis .", "If you do the right amount and incorporate cross-training into your program , you may be prolonging your life and reducing arthritis ."]} +{"id": "bn9623.rpi.txt.960601.476.31", "text": "Cross training means mixing up the fitness routine with different activities .", "summaries": ["Cross training means mixing up the fitness routine .", "Cross training means different activities .", "Cross training means mixing up the routine with different activities ."]} +{"id": "bn9623.rpi.txt.960601.476.32", "text": "That way , instead of wearing out one part of the body , all of it will stay fit .", "summaries": ["instead of wearing out one part of the body , all of it will stay fit .", "instead of wearing out one part of the body , all of it will stay fit .", "instead of wearing out one part of the body , all of it will stay fit ."]} +{"id": "bn9623.rpi.txt.960601.476.33", "text": "According to the experts , we can either use it or lose it.", "summaries": ["According to the experts , we can either use it or lose it.", "we can either use it or lose it.", "use it or lose it."]} +{"id": "bn9623.rpi.txt.960601.476.34", "text": "Dan Rutz , CNN , Atlanta .", "summaries": ["Dan Rutz , CNN , Atlanta .", "Dan Rutz , CNN .", "Dan Rutz , CNN ."]} +{"id": "bn9623.rpi.txt.960601.476.4", "text": "The interesting part of stretching is that 80 percent of your stretch occurs in the first minute .", "summaries": ["80 percent of your stretch occurs in the first minute .", "80 percent of your stretch occurs in the first minute .", "80 percent of your stretch occurs in the first minute ."]} +{"id": "bn9623.rpi.txt.960601.476.5", "text": "The cords that bind muscle to bone require special postures .", "summaries": ["The cords that bind muscle to bone require special postures .", "The cords that bind muscle to bone require special postures .", "The cords that bind muscle to bone require special postures ."]} +{"id": "bn9623.rpi.txt.960601.476.6", "text": "Muscles stretch best when they are gradually put to work .", "summaries": ["Muscles stretch best when gradually put to work .", "Muscles stretch best when gradually put to work .", "Muscles stretch best when gradually put to work ."]} +{"id": "bn9623.rpi.txt.960601.476.7", "text": "Branch warms up with a few minutes on a stationary bike .", "summaries": ["Branch warms up on a stationary bike .", "Branch warms up with a few minutes on a bike .", "Branch warms up on a stationary bike ."]} +{"id": "bn9623.rpi.txt.960601.476.8", "text": "What about a slow jog or a fast walk ?", "summaries": ["What about a jog or a walk ?", "What about a jog or a fast walk ?", "What about a jog or a walk ?"]} +{"id": "bn9623.rpi.txt.960601.476.9", "text": "Would that accomplish the same thing as an exercise bike ?", "summaries": ["Would that accomplish the same thing ?", "Would that accomplish the same as an exercise bike ?", "Would that accomplish the same thing as an exercise bike ?"]} +{"id": "bn9623.rpi.txt.960601.579.0", "text": "The San Diego Zoo and Wild Animal Park hit the Web this week .", "summaries": ["The San Diego Zoo hit the Web this week .", "The San Diego Zoo and Wild Animal Park hit the Web .", "The San Diego Zoo and Wild Animal Park hit the Web ."]} +{"id": "bn9623.rpi.txt.960601.579.1", "text": "Explore places like the Gorilla Tropics Habitat , visit Mombassa Lagoon , to see animals like this white alligator or interactive exhibits and be sure to hit What 's New to see some baby faces only a mother could love .", "summaries": ["Explore the Gorilla Tropics Habitat , visit Mombassa Lagoon , to see animals like this white alligator or interactive exhibits and be sure to see some baby faces only a mother could love .", "Explore the Gorilla Tropics Habitat , visit Mombassa Lagoon to see this alligator or interactive exhibits to see baby faces only a mother could love .", "Explore the Gorilla Tropics Habitat , visit Mombassa Lagoon to see this white alligator or and hit What 's New to see some faces only a mother could love ."]} +{"id": "bn9623.rpi.txt.960601.579.10", "text": "http://.whyfiles.news.wisc.edu", "summaries": ["http://.whyfiles.news.wisc.edu", "http://.whyfiles.news.wisc.edu", "http://.whyfiles.news.wisc.edu"]} +{"id": "bn9623.rpi.txt.960601.579.11", "text": "http://.gene.com/ae", "summaries": ["http://.gene.com/ae", "http://.gene.com/ae", "http://.gene.com/ae"]} +{"id": "bn9623.rpi.txt.960601.579.12", "text": "When looking for a place to live some people insist on a lot of closet space , others wo n't take an apartment without a great kitchen .", "summaries": ["When looking for a place to live some people insist on a lot of closet space , others wo n't take an apartment without a great kitchen .", "When looking for a place to live some people insist on closet space , others wo n't take an apartment without a great kitchen .", "When looking for a place to live some people insist on closet space , others wo n't take an apartment without a great kitchen ."]} +{"id": "bn9623.rpi.txt.960601.579.13", "text": "But on New York 's lower east side computer connoisseurs look for something different .", "summaries": ["on New York 's lower east side computer connoisseurs look for something different .", "on New York 's lower east side computer connoisseurs look for something different .", "on New York 's lower east side computer connoisseurs look for something different ."]} +{"id": "bn9623.rpi.txt.960601.579.14", "text": "Norma Quarles has the story .", "summaries": ["Norma Quarles has the story .", "Norma Quarles has the story .", "Norma Quarles has the story ."]} +{"id": "bn9623.rpi.txt.960601.579.15", "text": "This rather unassuming new five story brick building in the east village is in a community better known for walk-up tenements and squatters doing battle with police than for high rent apartments .", "summaries": ["This new five story building in the east village is in a community known for tenements and squatters than for high rent apartments .", "This five story building in the east village is in a community better known for walk-up tenements and squatters .", "This new five story building is in a community better known for walk-up tenements and squatters doing battle with police than for high rent apartments ."]} +{"id": "bn9623.rpi.txt.960601.579.16", "text": "But this building has something computer users want and are willing to pay a premium for : a T1 cable giving them high speed access to the Internet .", "summaries": ["this building has something computer users want and are willing to pay for : a T1 cable giving them high speed access to the Internet .", "this building has something computer users are willing to pay a premium for : a T1 cable .", "this building has something computer users are willing to pay for : a T1 cable giving them high speed access to the Internet ."]} +{"id": "bn9623.rpi.txt.960601.579.17", "text": "As far as I know , this is the only building that- the first building that has ever been wired with T1 cable access to the Internet from its inception .", "summaries": ["this is the first building that has been wired with T1 cable access to the Internet from its inception .", "this is the first building ever wired with T1 cable from its inception .", "this is the the first building wired with T1 cable from its inception ."]} +{"id": "bn9623.rpi.txt.960601.579.18", "text": "Tenant Josh Kilmer Purcell , an art director for an advertising agency , pays $ 1550 a month for a one-bedroom apartment and $ 85 a month for the service .", "summaries": ["Josh Kilmer Purcell pays $ 1550 a month for a one-bedroom apartment and $ 85 a month for the service .", "Tenant Josh Kilmer Purcell , an art director , pays $ 1550 a month for a one-bedroom apartment and $ 85 for the service .", "Josh Kilmer Purcell , an art director for an advertising agency , pays $ 1550 a month for a one-bedroom apartment and $ 85 a month for the service ."]} +{"id": "bn9623.rpi.txt.960601.579.19", "text": "A lot of it has to do with speed .", "summaries": ["it has to do with speed .", "it has to do with speed .", "it has to do with speed ."]} +{"id": "bn9623.rpi.txt.960601.579.2", "text": "For more cool science stuff take a look at the Why Files .", "summaries": ["For more science stuff take a look at the Why Files .", "For more science take a look at the Why Files .", "For cool science look at the Why Files ."]} +{"id": "bn9623.rpi.txt.960601.579.20", "text": "The capabilities - I can work from here , with my office here in New York , as well as the office in Atlanta .", "summaries": ["I can work from here , with my office in New York , as well as the office in Atlanta .", "I can work from here , with my office in New York , as well as in Atlanta .", "I can work from here with my office here in New York , as well as the office in Atlanta ."]} +{"id": "bn9623.rpi.txt.960601.579.21", "text": "I can do all of my layouts , on my designs and finish them here .", "summaries": ["I can do my layouts on my designs here .", "I can do all my layouts here .", "I can do my layouts here ."]} +{"id": "bn9623.rpi.txt.960601.579.22", "text": "At night if I have an idea I can retrieve files from either of those offices .", "summaries": ["if I have an idea I can retrieve files from either of those offices .", "At night if I have an idea I can retrieve files from those offices .", "At night I can retrieve files from those offices ."]} +{"id": "bn9623.rpi.txt.960601.579.23", "text": "As far as convenience , it 's - it 's invaluable .", "summaries": ["As far as convenience , it 's invaluable .", "it 's invaluable .", "it 's invaluable ."]} +{"id": "bn9623.rpi.txt.960601.579.24", "text": "I mean , do n't tell anybody , but they could charge more and I would still pay .", "summaries": ["they could charge more and I would still pay .", "they could charge more and I would still pay .", "they could charge more and I would still pay ."]} +{"id": "bn9623.rpi.txt.960601.579.25", "text": "Another tenant , John Brann , is a chief technologist for a software company .", "summaries": ["John Brann , is a chief technologist for a software company .", "tenant John Brann is a chief technologist .", "tenant John Brann is a technologist for a software company ."]} +{"id": "bn9623.rpi.txt.960601.579.26", "text": "I 've been a pretty regular Internet user now , for about three years , both at work and at home and phone lines just do n't hack it anymore and even the ordinary things that people do with very simple graphics on the Net can take ages to download through an ordinary phone line .", "summaries": ["I 've been a regular Internet user for three years , both at work and at home and even the ordinary things with simple graphics on the Net can take ages to download through an ordinary phone line .", "I 've been a Internet user for three years at work and at home and phone lines do n't hack it and even the ordinary things with simple graphics take ages to download .", "I 've been a regular Internet user for three years and the simple graphics on the Net can take ages to download through an phone line ."]} +{"id": "bn9623.rpi.txt.960601.579.27", "text": "Apartments range in price from $ 1500 to $ 3500 a month .", "summaries": ["Apartments range from $ 1500 to $ 3500 a month .", "Apartments range from $ 1500 to $ 3500 a month .", "Apartments range from $ 1500 to $ 3500 a month ."]} +{"id": "bn9623.rpi.txt.960601.579.28", "text": "The building just opened in April and 25 of the 28 units are already rented .", "summaries": ["The building just opened and 25 of the 28 units are already rented .", "The building opened in April and 25 of the 28 units are rented .", "The building opened in April and 25 of the 28 units are rented ."]} +{"id": "bn9623.rpi.txt.960601.579.29", "text": "I think the fact that the building is wired and is already set up for the - for the wide band access is- is something that I am prepared to pay for .", "summaries": ["the fact that the building is wired and is set up for the wide band access is something that I am prepared to pay for .", "the fact that the building is set up for wide band access is something I am prepared to pay for .", "the fact that the building is wired for wide band access is something that I am prepared to pay for ."]} +{"id": "bn9623.rpi.txt.960601.579.3", "text": "This page gives you the science behind the news , with hundreds of topics explained in detail , from Mad Cow disease to comets .", "summaries": ["This page gives you the science behind the news , with topics from Mad Cow disease to comets .", "This page gives you the science behind the news , from Mad Cow disease to comets .", "This gives you the science behind the news , with topics explained in detail , from Mad Cow disease to comets ."]} +{"id": "bn9623.rpi.txt.960601.579.30", "text": "The editor of NetGuide magazine says this may not be for the average computer user .", "summaries": ["NetGuide magazine says this may not be for the average computer user .", "The editor of NetGuide says this may not be for the average computer user .", "The editor of NetGuide magazine says this may not be for the average user ."]} +{"id": "bn9623.rpi.txt.960601.579.31", "text": "Not everyone needs a lot of band width and most people can do very well with just a 2400 baud modem and a conventional phone line .", "summaries": ["Not everyone needs a lot of band width and most people can do with a 2400 baud modem and a phone line .", "most people can do well with a 2400 baud modem and a conventional line .", "most people can do well with a 2400 baud modem and a phone line ."]} +{"id": "bn9623.rpi.txt.960601.579.32", "text": "Rosenbaum says we are seeing a combination of New York real estate hype and Internet hype at work here but if people are willing to pay they must believe it is worth it.", "summaries": ["we are seeing a combination of New York real estate hype and Internet hype but if people are willing to pay they must believe it is worth it.", "Rosenbaum says we are seeing a combination of New York real estate hype and Internet hype but if people are willing to pay they must believe it is worth it.", "we are seeing a combination of New York real estate and Internet hype but if people are willing to pay they must believe it is worth it."]} +{"id": "bn9623.rpi.txt.960601.579.33", "text": "Norma Quarles , CNN , New York .", "summaries": ["Norma Quarles , CNN , New York .", "Norma Quarles , CNN .", "Norma Quarles , New York ."]} +{"id": "bn9623.rpi.txt.960601.579.34", "text": "And still on the subject of domiciles , if you ask any do it yourselfer , they will tell you that home improvement projects come in only two kinds - success stories and unmitigated disasters .", "summaries": ["any do it yourselfer will tell you that home improvement projects come in two kinds - success stories and unmitigated disasters .", "any do it yourselfer will tell you that home improvement projects come in two kinds - success stories and unmitigated disasters .", "on the subject of domiciles , if you ask any do it yourselfer , they will tell you that home improvement projects come in two kinds - success stories and unmitigated disasters ."]} +{"id": "bn9623.rpi.txt.960601.579.35", "text": "Coming up on the CNN Computer Connection , we will show you some new CD ROMs , that can help ensure that your next repair job does n't turn into a money pit .", "summaries": ["we will show you new CD ROMs , that can help ensure that your next repair job does n't turn into a money pit .", "we will show you new CD ROMs that can help ensure that your next repair job does n't turn into a money pit .", "on the Computer Connection , we will show you CD ROMs , that help ensure your next repair job does n't turn into a money pit ."]} +{"id": "bn9623.rpi.txt.960601.579.36", "text": "We will be right back .", "summaries": ["We will be back .", "We will be back .", "We will be right back ."]} +{"id": "bn9623.rpi.txt.960601.579.4", "text": "The Cool Science Image area lets you see a butterfly 's nodes up close and other , well , cool images from an electron microscope .", "summaries": ["The Cool Science Image area lets you see a butterfly 's nodes and other images from an electron microscope .", "The Cool Science Image area lets you see a butterfly 's nodes from an electron microscope .", "The Cool Science Image area lets you see a butterfly 's nodes up close and other images from an electron microscope ."]} +{"id": "bn9623.rpi.txt.960601.579.5", "text": "And for more in-depth science information check out Access Excellence .", "summaries": ["And for more science information check out Access Excellence .", "for more information check out Access Excellence .", "for more in-depth science information check out Access Excellence ."]} +{"id": "bn9623.rpi.txt.960601.579.6", "text": "This is a page developed by the biotech firm Genintech to help high school biology teachers understand the biotech industry .", "summaries": ["This is a page developed by Genintech to help biology teachers understand the biotech industry .", "This is a page developed by Genintech to help biology teachers understand the biotech industry .", "This is developed by the biotech firm Genintech to help high school biology teachers understand the biotech industry ."]} +{"id": "bn9623.rpi.txt.960601.579.7", "text": "But the What 's News area is full of well-written and easy to understand articles about current science issues , with an archive of hundreds more .", "summaries": ["the What 's News area is full of articles about current science issues .", "the What 's News area is full of articles about current science issues , with an archive of hundreds more .", "the What 's News area is full of easy to understand articles about current science issues , with an archive of hundreds more ."]} +{"id": "bn9623.rpi.txt.960601.579.8", "text": "The Resource List is a great collection of links to science Web sites from NASA to interactive frog dissections .", "summaries": ["The Resource List is a collection of links to Web sites from NASA to interactive frog dissections .", "The Resource List is a collection of links to science sites .", "The Resource List links to science Web sites from NASA to interactive frog dissections ."]} +{"id": "bn9623.rpi.txt.960601.579.9", "text": "http://.sandiegozoo.org", "summaries": ["http://.sandiegozoo.org", "http://.sandiegozoo.org", "http://.sandiegozoo.org"]} +{"id": "bn9623.rpi.txt.960606.634.0", "text": "On World News Tonight this Thursday , the first break in months at the so-called Freemen ranch in Montana .", "summaries": ["On World News Tonight , the first break in months at the Freemen ranch in Montana .", "On World News Tonight , the first break in months at the Freemen ranch in Montana .", "the first break in months at the so-called Freemen ranch in Montana ."]} +{"id": "bn9623.rpi.txt.960606.634.1", "text": "A family of four leaves ; the wildfire in Alaska spreads ; and elsewhere in America , interfering with Mother Nature to make the problem worse .", "summaries": ["A family of four leaves ; the wildfire in Alaska spreads ; and elsewhere in America , interfering with Mother Nature to make the problem worse .", "A family leaves ; the wildfire in Alaska spreads ; and interfering with Nature to make the problem worse .", "A family of four leaves ; the wildfire in Alaska spreads ; and elsewhere interfering with Mother Nature make the problem worse ."]} +{"id": "bn9623.rpi.txt.960606.634.10", "text": "They are the first people to leave since April .", "summaries": ["They are the first to leave since April .", "They are the first to leave since April .", "They are the first to leave since April ."]} +{"id": "bn9623.rpi.txt.960606.634.11", "text": "And they leave after a week in which the FBI has visibly increased the pressure on the Freemen , who have been holed up on their ranch for more than 10 weeks .", "summaries": ["they leave after a week in which the FBI has increased the pressure on the Freemen , who have been holed up on their ranch for more than 10 weeks .", "they leave after the FBI increased the pressure on the Freemen , holed up on their ranch for 10 weeks .", "they leave after a week in which the FBI has visibly increased the pressure on the Freemen , who have on their ranch for more than 10 weeks ."]} +{"id": "bn9623.rpi.txt.960606.634.12", "text": "ABC 's Ron Claiborne tonight on who comes out and who stays .", "summaries": ["Ron Claiborne on who comes out and who stays .", "Ron Claiborne on who comes out and who stays .", "Ron Claiborne on who comes out and who stays ."]} +{"id": "bn9623.rpi.txt.960606.634.13", "text": "They left early this afternoon , meeting two FBI agents on the dirt road leading to the besieged compound .", "summaries": ["They left this afternoon , meeting two FBI agents on the road leading to the compound .", "They left this afternoon , meeting FBI agents on the road to the compound .", "They left this afternoon , meeting two FBI agents on the road to the besieged compound ."]} +{"id": "bn9623.rpi.txt.960606.634.14", "text": "The departure follows a brief discussion between the agents and those inside the vehicle .", "summaries": ["The departure follows a discussion between the agents and those inside the vehicle .", "The departure follows a discussion between agents and those inside the vehicle .", "The departure follows a discussion between the agents and those inside the vehicle ."]} +{"id": "bn9623.rpi.txt.960606.634.15", "text": "Inside the car were Elwin Ward [ sp ? ] , his wife Gloria and her daughters from previous marriages - 10-year-old Courtney and 8-year-old Jay Lynn .", "summaries": ["Inside the car were Elwin Ward , his wife Gloria and her daughters - 10-year-old Courtney and 8-year-old Jay Lynn .", "Inside the car were Elwin Ward , his wife Gloria and her daughters - Courtney and Jay Lynn .", "Inside were Elwin Ward , his wife Gloria and her daughters from previous marriages - 10-year-old Courtney and 8-year-old Jay Lynn ."]} +{"id": "bn9623.rpi.txt.960606.634.16", "text": "Gloria Ward had been facing a felony charge in Utah for allegedly denying visitation rights to the father of one of the girls .", "summaries": ["Gloria Ward had been facing a felony charge in Utah for denying visitation rights to the father of one of the girls .", "Gloria had been facing a charge in Utah for denying visitation rights to the father of one of the girls .", "Gloria Ward had been facing a charge in Utah for allegedly denying visitation rights to the father of one of the girls ."]} +{"id": "bn9623.rpi.txt.960606.634.17", "text": "Utah authorities had agreed to drop the charges weeks ago .", "summaries": ["authorities had agreed to drop the charges .", "authorities had agreed to drop the charges .", "authorities had agreed to drop the charges ."]} +{"id": "bn9623.rpi.txt.960606.634.18", "text": "It is not clear why the family chose or was now allowed to leave .", "summaries": ["It is not clear why the family chose or was now allowed to leave .", "It is not clear why the family chose to leave .", "It is not clear why the family chose or was allowed to leave ."]} +{"id": "bn9623.rpi.txt.960606.634.19", "text": "But earlier this week , the FBI cut off electricity to the compound .", "summaries": ["this week , the FBI cut off electricity to the compound .", "earlier this week , the FBI cut off electricity to the compound .", "earlier this week , the FBI cut electricity to the compound ."]} +{"id": "bn9623.rpi.txt.960606.634.2", "text": "These forests are going to burn .", "summaries": ["These forests are going to burn .", "These forests are going to burn .", "forests are going to burn ."]} +{"id": "bn9623.rpi.txt.960606.634.20", "text": "Today 's departures may signal that the tactic of increasing the pressure and a new round of negotiations with the Freemen may be starting to pay off.", "summaries": ["Today 's departures may signal that the increasing pressure and new negotiations may pay off.", "increasing the pressure and a new round of negotiations may be starting to pay off.", "Today 's departures may signal that increasing the pressure and new negotiations with the Freemen may pay off."]} +{"id": "bn9623.rpi.txt.960606.634.21", "text": "But with 17 people still in the compound , including its most militant leaders , there is no indication yet that the standoff is about to end.", "summaries": ["with 17 people still in the compound , including its leaders , there is no indication that the standoff is about to end.", "with 17 people in the compound , including militant leaders , there is no indication that the standoff is about to end.", "with 17 people still in the compound , including its militant leaders , there is no indication that the standoff is about to end."]} +{"id": "bn9623.rpi.txt.960606.634.22", "text": "Ron Claiborne , ABC News , Jordan , Montana .", "summaries": ["Ron Claiborne , ABC News , Jordan , Montana .", "Ron Claiborne , ABC News .", "Ron Claiborne , Montana ."]} +{"id": "bn9623.rpi.txt.960606.634.3", "text": "And Senator Dole on abortion .", "summaries": ["Senator Dole on abortion .", "Dole on abortion .", "Senator Dole on abortion ."]} +{"id": "bn9623.rpi.txt.960606.634.4", "text": "He would like the Republican platform language to change .", "summaries": ["He would like the Republican platform language to change .", "He would like the Republican platform to change .", "He would like the Republican platform to change ."]} +{"id": "bn9623.rpi.txt.960606.634.5", "text": "From ABC , this is World News Tonight with Peter Jennings .", "summaries": ["this is World News Tonight with Peter Jennings .", "ABC , World News Tonight with Peter Jennings .", "this is World News with Peter Jennings ."]} +{"id": "bn9623.rpi.txt.960606.634.6", "text": "Good evening .", "summaries": ["Good evening .", "Good evening .", "Good evening ."]} +{"id": "bn9623.rpi.txt.960606.634.7", "text": "We begin in eastern Montana tonight .", "summaries": ["We begin in eastern Montana .", "We begin in eastern Montana .", "We begin in eastern Montana ."]} +{"id": "bn9623.rpi.txt.960606.634.8", "text": "There has been a change in the status quo .", "summaries": ["There has been a change in the status quo .", "There has been a change .", "There has been a change ."]} +{"id": "bn9623.rpi.txt.960606.634.9", "text": "A family of four has left the compound where the so-called Freemen of Montana have been holed up.", "summaries": ["A family of four has left the compound where the Freemen of Montana have been holed up.", "A family has left the compound where the Freemen of Montana have been holed up.", "A family of four left the compound where the Freemen of Montana have been holed up."]} +{"id": "bn9623.rpi.txt.960608.776.0", "text": "Hey , home video preview with Dennis Michael .", "summaries": ["home video preview with Dennis Michael .", "home video preview with Dennis Michael .", "video preview with Dennis Michael ."]} +{"id": "bn9623.rpi.txt.960608.776.1", "text": "Grumpier Old Men is out on tape .", "summaries": ["Grumpier Old Men is out on tape .", "Grumpier Old Men is out .", "Grumpier Old Men is out ."]} +{"id": "bn9623.rpi.txt.960608.776.10", "text": "Only rarely does this flick take flight .", "summaries": ["rarely does this flick take flight .", "rarely does this flick take flight .", "rarely does this flick take flight ."]} +{"id": "bn9623.rpi.txt.960608.776.11", "text": "Collectors only .", "summaries": ["Collectors only .", "Collectors only .", "Collectors only ."]} +{"id": "bn9623.rpi.txt.960608.776.12", "text": "See you at the rental counter .", "summaries": ["See you at the rental counter .", "See you .", "See you at the rental counter ."]} +{"id": "bn9623.rpi.txt.960608.776.13", "text": "Dennis Michael , CNN Entertainment News , Hollywood .", "summaries": ["Dennis Michael , CNN Entertainment News , Hollywood .", "Dennis Michael , CNN .", "Dennis Michael , Hollywood ."]} +{"id": "bn9623.rpi.txt.960608.776.2", "text": "But we do n't want to comment on that , do we ?", "summaries": ["we do n't want to comment on that", "we do n't want to comment on that", "we do n't want to comment"]} +{"id": "bn9623.rpi.txt.960608.776.3", "text": "Nicolas Cage 's dead end character has come to Las Vegas to drink himself to death , but in the process , he falls in love .", "summaries": ["Nicolas Cage 's character has come to Las Vegas to drink himself to death , but he falls in love .", "Nicolas Cage 's character has come to Las Vegas to drink to death , but he falls in love .", "Nicolas Cage 's character has come to Las Vegas to drink himself to death , but he falls in love ."]} +{"id": "bn9623.rpi.txt.960608.776.4", "text": "Leaving Las Vegas is one of the darkest romances ever to dance across the screen , but a best actor performance by Cage and a brilliant turn by Elizabeth Shue make this tragic tale irresistible .", "summaries": ["Leaving Las Vegas is one of the darkest romances to dance across the screen , but a best actor performance by Cage and a brilliant turn by Elizabeth Shue make this tale irresistible .", "Leaving Las Vegas is one of the darkest romances ever , but a best actor performance by Cage and a brilliant turn by Elizabeth Shue make this tale irresistible .", "a best actor performance by Cage and a brilliant turn by Elizabeth Shue make this tragic tale irresistible ."]} +{"id": "bn9623.rpi.txt.960608.776.5", "text": "Not for kids , grownups should n't miss it.", "summaries": ["Not for kids , grownups should n't miss it.", "Not for kids , grownups should n't miss it.", "grownups should n't miss it."]} +{"id": "bn9623.rpi.txt.960608.776.6", "text": "Speaking of grownups , Grumpier Old Men is n't as good as the original , but that hardly matters since Jack Lemmon and Walter Matthau are walking encyclopedias of screen comedy and the story line hardly matters either , except that it brings the remarkable Sophia Loren into the mix .", "summaries": ["Grumpier Old Men is n't as good as the original , but that hardly matters since Jack Lemmon and Walter Matthau are walking encyclopedias of comedy and the story line hardly matters either , except that it brings Sophia Loren into the mix .", "Grumpier Old Men is n't as good as the original , but Jack Lemmon and Walter Matthau are walking encyclopedias of comedy and the story brings Sophia Loren into the mix .", "Grumpier Old Men is n't as good as the original , but Jack Lemmon and Walter Matthau are walking encyclopedias of screen comedy and the story line hardly matters except that it brings Sophia Loren into the mix ."]} +{"id": "bn9623.rpi.txt.960608.776.7", "text": "This is a comedy that lives for the rich moment .", "summaries": ["a comedy that lives for the moment .", "This lives for the rich moment .", "This is a comedy that lives for the moment ."]} +{"id": "bn9623.rpi.txt.960608.776.8", "text": "And this movie 's moment passed a long time ago , but it 's only now coming to home video .", "summaries": ["this movie 's moment passed , but it 's only now coming to video .", "this movie 's moment passed long ago , but it 's coming to video .", "this movie 's moment passed a long time ago , but it 's only now coming to home video ."]} +{"id": "bn9623.rpi.txt.960608.776.9", "text": "Heavy Metal was actually named after the science fiction magazine that inspired it , but it looks more like somebody tried to make a movie out of old album covers .", "summaries": ["Heavy Metal was named after the magazine that inspired it , but it looks like somebody tried to make a movie out of old album covers .", "Heavy Metal was named after the magazine that inspired it , but it looks like a movie of old album covers .", "Heavy Metal was named after the science fiction magazine that inspired it , but it looks like somebody tried to make a movie out of old album covers ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.0", "text": "During the summit meetings , Secretary of State Warren Christopher and Treasury Secretary Lloyd Bentsen dropped in on the inaugural meeting of the American Chamber of Commerce in Moscow and offered some encouragement .", "summaries": ["During the summit meetings , Secretary of State Warren Christopher and Treasury Secretary Lloyd Bentsen dropped in on the inaugural meeting of the American Chamber of Commerce in Moscow and offered encouragement .", "Secretary of State Warren Christopher and Treasury Secretary Lloyd Bentsen dropped in on the inaugural meeting of the American Chamber of Commerce in Moscow .", "During the summit , Secretary of State Warren Christopher and Treasury Secretary Lloyd Bentsen dropped in on the inaugural meeting of the American Chamber of Commerce in Moscow and offered encouragement ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.1", "text": "Instead of new aid , the Clinton administration is pushing private Americans investment .", "summaries": ["Instead of aid , the Clinton administration is pushing private Americans investment .", "Instead of aid , the Clinton administration is pushing private investment .", "Instead of new aid , the Clinton administration is pushing private investment ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.10", "text": "Nobody does .", "summaries": ["Nobody does .", "Nobody does .", "Nobody does ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.11", "text": "If anything , the problem is exactly reversed today as it was then .", "summaries": ["the problem is reversed today as it was then .", "the problem is reversed .", "the problem is reversed ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.12", "text": "There 's no order , and it 's very hard to determine whether you 're talking to the right person , whether he has the rights to do what he says he 's doing with you .", "summaries": ["There 's no order , and it 's hard to determine whether you 're talking to the right person , whether he has the rights to do what he says he 's doing .", "it 's hard to determine whether you 're talking to the right person , whether he has the rights to do what he 's doing with you .", "There 's no order , and it 's very hard to determine whether you 're talking to the right person ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.13", "text": "Take the development of a major oil shelf off the coast of Sakhalin Island .", "summaries": ["Take the development of a major oil shelf off the coast of Sakhalin Island .", "Take the development of a oil shelf off Sakhalin Island .", "Take the development of a major oil shelf off of Sakhalin Island ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.14", "text": "New , assertive regional leaders balked at the deal the central government had approved .", "summaries": ["assertive regional leaders balked at the deal the central government had approved .", "regional leaders balked at the deal the central government had approved .", "New regional leaders balked at the deal the central government had approved ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.15", "text": "Parliament got into the act.", "summaries": ["Parliament got into the act.", "Parliament got into the act.", "Parliament got into the act."]} +{"id": "bn9623.rpi_segs.txt.940114.457.16", "text": "Only after several years did American oil companies finally have a contract .", "summaries": ["Only after several years did American oil companies have a contract .", "after years American oil companies finally have a contract .", "Only after several years did American oil companies have a contract ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.17", "text": "Foreign companies are frustrated by frequently changing laws , arbitrary regulations , ineffectual courts , and a lack of infrastructure .", "summaries": ["Foreign companies are frustrated by changing laws , arbitrary regulations , ineffectual courts , and a lack of infrastructure .", "Foreign companies are frustrated by changing laws , arbitrary regulations , ineffectual courts , and lack of infrastructure .", "Foreign companies are frustrated by changing laws , arbitrary regulations , ineffectual courts , and a lack of infrastructure ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.18", "text": "Yet for all the apparent chaos , Alex Papacristo remains intrigued .", "summaries": ["Yet for all the chaos , Papacristo remains intrigued .", "Alex Papacristo remains intrigued .", "Yet , Alex Papacristo remains intrigued ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.19", "text": "The ability to invest in newly privatized Russian companies is the new exciting activity .", "summaries": ["The ability to invest in privatized Russian companies is the exciting activity .", "The ability to invest in privatized companies is exciting .", "The ability to invest in privatized Russian companies is exciting ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.2", "text": "Long-promised government-backed loan guarantees for American businesses have finally kicked in , but American businessmen in Russia still feel like pioneers in a wild frontier that is hard to tame .", "summaries": ["loan guarantees for American businesses have finally kicked in , but American businessmen in Russia still feel like pioneers .", "government-backed loan guarantees for American businesses have kicked in , but American businessmen in Russia still feel like pioneers hard .", "Long-promised government-backed loan guarantees for American businesses have finally kicked in , but businessmen in Russia feel like pioneers in a wild frontier ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.20", "text": "There 's more and more of that .", "summaries": ["There 's more of that .", "There 's more and more of that .", "There 's more of that ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.21", "text": "It 's , I think , still in the order of tens , perhaps hundreds of millions of dollars , which , compared to American business in other countries of the world , is not so huge .", "summaries": ["It 's in the order of hundreds of millions of dollars , which , compared to American business in other countries , is not huge .", "It 's tens , perhaps hundreds of millions of dollars , which , compared to American business in other countries , is not so huge .", "It 's still in the order of hundreds of millions of dollars , which compared to American business in other countries is not huge ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.22", "text": "But it 's getting bigger .", "summaries": ["But it 's getting bigger .", "it 's getting bigger .", "But it 's getting bigger ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.23", "text": "Papacristo says the lessons learned are start small and find a good partner .", "summaries": ["the lessons learned are start small and find a good partner .", "Papacristo says start small and find a good partner .", "Papacristo says start small and find a good partner ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.24", "text": "Donald Green , managing director of the consulting firm Planicon , says doing business in Russia requires time and a lot of spade work .", "summaries": ["Donald Green , managing director of the consulting firm Planicon , says business in Russia requires time and spade work .", "Donald Green , managing director of Planicon , says doing business in Russia requires time and a lot of spade work .", "Donald Green , managing director of Planicon , says doing business in Russia requires time and a lot of spade work ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.25", "text": "You have consumer companies who have worked to develop their distribution capability where they 're not really manufacturing products in Russia but they 're developing the networks to be able to sell their products throughout the Russian federation .", "summaries": ["You have companies who develop their distribution capability where they 're not manufacturing in Russia but they 're developing the networks to be able to sell their products throughout the Russian federation .", "consumer companies 're not manufacturing but they 're developing networks to be able to sell products throughout the federation .", "You have consumer companies who 're not manufacturing products in Russia but they 're developing the networks to sell their products throughout the Russian federation ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.26", "text": "As order breaks down , theft becomes a problem .", "summaries": ["As order breaks down , theft becomes a problem .", "As order breaks down , theft becomes a problem .", "As order breaks down , theft becomes a problem ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.27", "text": "If you are in effect moving cigarettes or alcohol or perfume around inside Russia , the security of those shipments is of major concern .", "summaries": ["If you are moving cigarettes or alcohol or perfume around Russia , the security of those shipments is of major concern .", "If you are moving cigarettes or alcohol or perfume , security is major concern .", "If moving cigarettes or alcohol or perfume around Russia , the security of those shipments is of major concern ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.28", "text": "I certainly do n't regard those circumstances as threatening or dangerous as some of the worst stories of developing country business around the world , but they are- they 're significant .", "summaries": ["I do n't regard those circumstances as threatening or dangerous as the worst stories of developing business around the world , but they 're significant .", "I do n't regard those circumstances as dangerous as the worst stories of developing country , but they 're significant .", "I do n't regard those circumstances as dangerous as some of the worst stories of developing country business , but they 're significant ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.29", "text": "Recent election results sent chills to the American business community , but Papacristo and Green are optimistic Yeltsin will use his powers under the new constitution to stop the new parliament from making the business situation worse .", "summaries": ["Recent election results sent chills to the American business community , but Papacristo and Green are optimistic Yeltsin will stop the parliament from making the situation worse .", "Recent election results sent chills to the American business community , but Papacristo and Green are optimistic Yeltsin will use his powers to stop parliament from making the situation worse .", "Recent election results sent chills to the American business community , but Papacristo and Green are optimistic Yeltsin will use his powers to stop the parliament from making the business situation worse ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.3", "text": "NPR 's Anne Garrels reports .", "summaries": ["Anne Garrels reports .", "Anne Garrels reports .", "NPR 's Anne Garrels reports ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.30", "text": "While American investment in Russia is unlikely to explode any time soon , both expect a steady increase .", "summaries": ["While American investment in Russia is unlikely to explode , both expect a steady increase .", "While American investment is unlikely to explode , both expect a steady increase .", "While American investment in Russia is unlikely to explode , both expect a steady increase ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.31", "text": "But both warn investment in Russia is not for the faint-hearted or the impatient .", "summaries": ["both warn investment in Russia is not for the faint-hearted or the impatient .", "But both warn investment in Russia is not for the faint-hearted .", "both warn investment in Russia is not for the faint-hearted or the impatient ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.32", "text": "I 'm Anne Garrels in Washington .", "summaries": ["I 'm Anne Garrels in Washington .", "Anne Garrels Washington .", "Anne Garrels in Washington ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.4", "text": "Five years ago Alex Papacristo [ sp ] was one of the few American lawyers in Moscow and the only one representing his firm , White & Case .", "summaries": ["Five years ago Alex Papacristo was one of the few American lawyers in Moscow and the only one representing his firm , White & Case .", "Five years ago Alex Papacristo was one of the few American lawyers in Moscow and the only one representing White & Case .", "Five years ago Alex Papacristo was one of the few American lawyers in Moscow and the only representing his firm , White & Case ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.5", "text": "Now the office has 12 lawyers .", "summaries": ["Now the office has 12 lawyers .", "Now the office has 12 lawyers .", "Now the office has 12 ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.6", "text": "The Russian capital is awash in consultants and accountants .", "summaries": ["The capital is awash in consultants and accountants .", "The capital is awash in consultants and accountants .", "The Russian capital is awash in consultants ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.7", "text": "Hotels have sprung up catering to the swelling stream of Western businessmen .", "summaries": ["Hotels have sprung up catering to Western businessmen .", "Hotels have sprung up catering to Western businessmen .", "Hotels have sprung up catering to the Western businessmen ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.8", "text": "The break-up of the Communist Party and its throttle hold has expanded business opportunities , but Papacristo says too much order has been replaced with too much chaos .", "summaries": ["The break-up of the Communist Party and its throttle hold has expanded business opportunities , too much order has been replaced with too much chaos .", "The break-up of the Communist Party has expanded business opportunities , but Papacristo says order has been replaced with chaos .", "The break-up of the Communist Party has expanded business opportunities , but Papacristo says too much order has been replaced with too much chaos ."]} +{"id": "bn9623.rpi_segs.txt.940114.457.9", "text": "Now , the top officials , even if they want to help you , ca n't really help you because they do n't control things anymore .", "summaries": ["top officials , even if they want to help , ca n't really help because they do n't control things .", "officials , even if they want to help , ca n't because they do n't control things .", "officials even if they want to help you , ca n't because they do n't control things anymore ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.0", "text": "It 's All Things Considered .", "summaries": ["It 's All Things Considered .", "It 's All Things Considered .", "It 's All Things Considered ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.1", "text": "I 'm Noah Adams .", "summaries": ["I 'm Noah Adams .", "I 'm Noah Adams .", "I 'm Noah Adams ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.10", "text": "I think the big question , the $ 64,000 question is , is the pragmatic Netanyahu that we saw on the campaign trail gonna be the pragmatic leader we see while he serves as prime minister ?", "summaries": ["is the pragmatic Netanyahu that we saw on the campaign trail gonna be the pragmatic leader we see while he serves as prime minister ?", "is the pragmatic Netanyahu that we saw on the campaign trail gonna be the pragmatic prime minister ?", "is the pragmatic Netanyahu we saw on the campaign trail gonna be pragmatic as prime minister ?"]} +{"id": "bn9623.rpi_segs.txt.960605.143.11", "text": "And I think that has opened a question because the Likud is a mixture of pragmatists , which I think Netanyahu 's one of , and ideologues .", "summaries": ["the Likud is a mixture of pragmatists , which Netanyahu 's one of , and ideologues .", "Likud is a mixture of pragmatists and ideologues .", "Likud is a mixture of pragmatists , which Netanyahu 's one of , and ideologues ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.12", "text": "Those ideologues include people like Rafael Eytan and Ariel Sharon , two former generals who orchestrated Israel 's ill-fated invasion of Lebanon in 1982 .", "summaries": ["Those ideologues include Rafael Eytan and Ariel Sharon , who orchestrated Israel 's invasion of Lebanon in 1982 .", "ideologues include Rafael Eytan and Ariel Sharon , former generals who orchestrated Israel 's invasion of Lebanon in 1982 .", "Those ideologues include Rafael Eytan and Ariel Sharon , two former generals who orchestrated Israel 's ill-fated invasion of Lebanon in 1982 ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.13", "text": "Sharon , in particular , played a key role in Netanyahu 's election campaign , and he 's reportedly insisting on a top cabinet position , possibly as head of the finance ministry .", "summaries": ["Sharon played a key role in Netanyahu 's campaign , and he 's reportedly insisting on a top cabinet position .", "Sharon played a key role in Netanyahu 's campaign , and he 's reportedly insisting on a top position , possibly the finance ministry .", "Sharon played a key role in Netanyahu 's campaign , and he 's insisting on a top cabinet position , possibly as head of the finance ministry ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.14", "text": "Representatives from Israel 's religious parties are likely to receive at least two cabinet positions .", "summaries": ["Representatives from religious parties are likely to receive at least two cabinet positions .", "Representatives from religious parties are likely to receive two positions .", "Representatives from Israel 's religious parties are likely to receive two cabinet positions ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.15", "text": "Other more moderate Likud leaders are also in line for top posts .", "summaries": ["moderate Likud leaders are also in line for top posts .", "moderate Likud leaders are also in line .", "more moderate Likud leaders are also in line for top posts ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.16", "text": "David Levy , foreign minister during the Likud Party 's last time in office , is likely to get his old job .", "summaries": ["David Levy , foreign minister during the Party 's last time in office , is likely to get his old job .", "David Levy , foreign minister during the Likud Party 's last time in office , is likely to get his old job .", "David Levy , foreign minister during the Likud 's last time in office , is likely to get his old job ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.17", "text": "Another question is whether Netanyahu will be willing to share power with the man he defeated last week , Shimon Peres .", "summaries": ["Another question is whether Netanyahu will be willing to share power with Shimon Peres .", "Another question is whether Netanyahu will be willing to share power with Shimon Peres .", "Another question is whether Netanyahu will share power with the man he defeated , Shimon Peres ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.18", "text": "Israel 's two major parties have governed together before in the late 1980s , and Yossi Beilin , a minister in the current Peres government , says , given the delicate status of the peace process , it 's worth trying again .", "summaries": ["Israel 's two major parties have governed together before , and Yossi Beilin , a minister in the Peres government , says , given the status of the peace process , it 's worth trying .", "Israel 's two major parties have governed together in the late 1980s , and Yossi Beilin , a minister in the current government , says it 's worth trying again .", "Israel 's two major parties have governed together before in the late 1980s , and Yossi Beilin , a minister in the Peres government , says , given the delicate peace process , it 's worth trying again ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.19", "text": "I think that it is the most delicate moment in our history , in the peace process , because we are going to refer to issues like the refugees , like Jerusalem , like the borders , and they , at that time- I think that it is very important that we will be there and help .", "summaries": ["I think that it is the most delicate moment in our history , in the peace process , because we are going to refer to issues like the refugees , Jerusalem , the borders , and it is very important that we be there and help .", "it is delicate because we are going to refer to the refugees , Jerusalem , the borders , it is important that we be there and help .", "it is the most delicate moment in the peace process , because we are going to refer to issues like the refugees , like Jerusalem , like the borders , and it is important that we will be there ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.2", "text": "And I 'm Linda Wertheimer .", "summaries": ["I 'm Linda Wertheimer .", "I 'm Linda Wertheimer .", "I 'm Linda Wertheimer ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.20", "text": "I 'm sure that it is possible to find a solution which might become a kind of a common denominator for the Palestinians , for the Labor Party , and for the Likud .", "summaries": ["I 'm sure that it is possible to find a solution which might become a common denominator for the Palestinians , the Labor Party , and the Likud .", "it is possible to find a common denominator for Palestinians , the Labor Party , and for Likud .", "it is possible to find a a common denominator for the Palestinians , for the Labor Party , and for the Likud ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.21", "text": "But Prime Minister-elect Netanyahu has yet to propose a national unity government , nor has outgoing Prime Minister Shimon Peres expressed any enthusiasm for the idea .", "summaries": ["But Netanyahu has yet to propose a national unity government , nor has Peres expressed any enthusiasm for the idea .", "Netanyahu has yet to propose a national unity government , nor has Peres expressed enthusiasm for the idea .", "Prime Minister-elect Netanyahu has yet to propose a national unity government , nor has Shimon Peres expressed enthusiasm for the idea ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.22", "text": "Analysts say a power-sharing arrangement is still possible , though unlikely .", "summaries": ["Analysts say a power-sharing arrangement is possible , though unlikely .", "Analysts say power-sharing is possible , though unlikely .", "Analysts say a power-sharing arrangement is possible , though unlikely ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.23", "text": "Meanwhile , Netanyahu is meeting not only with potential coalition partners , but with foreign ambassadors , including U.S. Ambassador to Israel Martin Indyk .", "summaries": ["Netanyahu is meeting not only with potential coalition partners , but with foreign ambassadors , including U.S. Ambassador Martin Indyk .", "Netanyahu is meeting with ambassadors , including U.S. Ambassador Martin Indyk .", "Meanwhile , Netanyahu is meeting not only with potential coalition partners , but with foreign ambassadors , including U.S. Ambassador Martin Indyk ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.24", "text": "The main topic of discussion , Indyk says , was Netanyahu 's upcoming trip to Washington .", "summaries": ["The main topic of discussion was Netanyahu 's upcoming trip to Washington .", "The main topic was Netanyahu 's upcoming trip to Washington .", "The topic , Indyk says , was Netanyahu 's upcoming trip to Washington ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.25", "text": "The president is keen to meet with him and he 's agreed that he will come as soon as possible after he 's formed the government - President Clinton , the secretary of state , committed to working very closely with the prime minister-elect , to advance the peace process that he and we are committed to doing .", "summaries": ["The president is keen to meet with him and he will come after he 's formed the government - President Clinton , the secretary of state , committed to working closely with the prime minister-elect , to advance the peace process .", "he 's agreed that he will come as soon as possible - President Clinton committed to advance the peace process .", "The president is keen to meet with him and he will as soon as he 's formed the government - President Clinton , the secretary of state , committed to working with the prime minister-elect to advance the peace process ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.26", "text": "One part of the peace process the U.S. has played a key role in is Israel 's on-again , off-again peace talks with Syria .", "summaries": ["the U.S. has played a key role in Israel 's peace talks with Syria .", "part of the peace process is Israel 's talks with Syria .", "One part of the peace process the U.S. has played a role in is Israel 's on-again , off-again talks with Syria ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.27", "text": "After Netanyahu 's victory last week , those talks seemed to be in serious jeopardy , but now a top Netanyahu aide says the new prime minister would like to resume negotiations with Syria , albeit with more limited goals .", "summaries": ["After Netanyahu 's victory , those talks seemed to be in jeopardy , but now a Netanyahu aide says the prime minister would like to resume negotiations with Syria , albeit with more limited goals .", "After Netanyahu 's victory , those talks seemed in jeopardy , but the new prime minister would like to resume negotiations , with more limited goals .", "After Netanyahu 's victory , those talks seemed to be in jeopardy , but now a top aide says the new prime minister would like to resume negotiations with more limited goals ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.28", "text": "Analysts here say it 's perhaps the first clear sign that Benjamin Netanyahu may try to advance the peace process after all.", "summaries": ["Analysts say it 's the first clear sign that Netanyahu may try to advance the peace process", "it 's perhaps the first clear sign that Netanyahu may try to advance the peace process", "Analysts say it 's the first sign that Benjamin Netanyahu may try to advance the peace process"]} +{"id": "bn9623.rpi_segs.txt.960605.143.29", "text": "This is Eric Weiner in Jerusalem .", "summaries": ["Eric Weiner in Jerusalem .", "Eric Weiner Jerusalem .", "Eric Weiner in Jerusalem ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.3", "text": "In Israel today , Benjamin Netanyahu was officially declared the winner of last week 's election .", "summaries": ["In Israel , Benjamin Netanyahu was declared the winner of last week 's election .", "In Israel , Netanyahu was officially declared winner of last week 's election .", "In Israel , Benjamin Netanyahu was declared the winner of last week 's election ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.4", "text": "The prime minister-elect now has 45 days to form a new government .", "summaries": ["The prime minister-elect has 45 days to form a new government .", "The prime minister-elect has 45 days to form a government .", "The prime minister-elect has 45 days to form new government ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.5", "text": "One of Netanyahu 's first tasks is to select his cabinet members .", "summaries": ["One of Netanyahu 's first tasks is to select his cabinet members .", "One of Netanyahu 's first tasks is to select his cabinet .", "One of Netanyahu 's tasks is to select his cabinet members ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.6", "text": "As NPR 's Eric Weiner reports from Jerusalem , the people he chooses will help determine the future course of the Middle East peace process .", "summaries": ["the people he chooses will determine the future course of the Middle East peace process .", "As Eric Weiner reports , the people he chooses will determine the course of the Middle East peace process .", "As NPR 's Eric Weiner reports , the people he chooses will determine the course of the Middle East peace process ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.7", "text": "Benjamin Netanyahu needed a lot of support to win last week 's closely-contested election .", "summaries": ["Benjamin Netanyahu needed support to win last week 's election .", "Netanyahu needed a lot of support to win .", "Benjamin Netanyahu needed support to win last week 's election ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.8", "text": "Now he 's under pressure to reward those who helped him at the polls , namely Israel 's ultra-Orthodox Jews and a handful of hard liners from within his own Likud Party .", "summaries": ["he 's under pressure to reward those who helped him , namely Israel 's ultra-Orthodox Jews and hard liners from within his Likud Party .", "Now he 's under pressure to reward those who helped , namely ultra-Orthodox Jews and hard liners from within his own Likud Party .", "he 's under pressure to reward those who helped at the polls , Israel 's ultra-Orthodox Jews and hard liners within his own Likud Party ."]} +{"id": "bn9623.rpi_segs.txt.960605.143.9", "text": "David Makovsky [ sp ] , author of a book on the Oslo peace accord , says Netanyahu 's policies will depend , at least in part , on the kind of people he decides to appoint .", "summaries": ["David Makovsky , author of a book on the Oslo peace accord , says Netanyahu 's policies will depend on the people he decides to appoint .", "David Makovsky , author of a book on the Oslo peace accord , says Netanyahu 's policies will depend on the people he decides to appoint .", "David Makovsky , author of a book on the Oslo peace accord , says Netanyahu 's policies will depend on the people he decides to appoint ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.0", "text": "In Alaska , a wildfire which began on Sunday has now consumed more than 10,000 acres and continues to burn out of control .", "summaries": ["In Alaska , a wildfire has consumed more than 10,000 acres and continues to burn out of control .", "In Alaska , a wildfire has consumed 10,000 acres and continues out of control .", "In Alaska , a wildfire which began Sunday has consumed 10,000 acres and continues out of control ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.1", "text": "The fire is centered in the Matanuska Valley , about 30 miles north of Anchorage .", "summaries": ["The fire is centered in the Matanuska Valley , 30 miles north of Anchorage .", "The fire is centered in the Matanuska Valley , 30 miles of Anchorage .", "The fire is in the Matanuska Valley , 30 miles north of Anchorage ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.10", "text": "Conditions are extremely dry , so the combination is making for unbelievably radical fire behavior .", "summaries": ["Conditions are dry , so the combination is making for radical fire behavior .", "Conditions are extremely dry , so the combination is making for radical fire behavior .", "Conditions are dry , so the combination is making for radical fire behavior ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.11", "text": "In this part of Alaska , we 're seeing fire behavior right now that occurs maybe three or four times a century .", "summaries": ["In this part of Alaska , we 're seeing fire behavior that occurs three or four times a century .", "In this part of Alaska , that occurs three four times a century .", "we 're seeing fire behavior that occurs maybe four times a century ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.12", "text": "Tell me what you mean by radical fire behavior .", "summaries": ["Tell me what you mean by radical fire behavior .", "what you mean by radical fire behavior .", "Tell me what you mean by radical fire behavior ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.13", "text": "This fire is burning through black spruce , white spruce and birch forests .", "summaries": ["This fire is burning through black spruce , white spruce and birch forests .", "This fire is burning through black spruce , white spruce and birch .", "This is burning black spruce , white spruce and birch forests ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.14", "text": "The top of the canopy of this forest is approximately 60 to 100 feet high , and flames are rolling through this forest that are another 100 feet taller than the trees , so we 're talking- we 're talking 100 and 150-foot flame lengths at the head of the fire .", "summaries": ["The top of the canopy of this forest is 60 to 100 feet high , and flames are 100 feet taller than the trees .", "The top of the canopy is 60 to 100 feet high , and flames are another 100 feet taller , so 100 and 150-foot flame lengths at the head of the fire .", "The top of the flames are another 100 feet taller than the trees , so we 're talking 150-foot flame lengths at the head of the fire ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.15", "text": "The fire is so hot where the wind is hitting it that we ca n't go direct attack , meaning putting people and engines and pumps right on the fire line .", "summaries": ["The fire is so hot that we ca n't go direct attack , meaning putting people and engines and pumps on the fire line .", "The fire is so hot where the wind is hitting it that we ca n't go putting people and pumps right on the line .", "The fire is so hot that we ca n't attack , meaning putting people and engines and pumps right on the fire line ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.16", "text": "It 's just too dangerous .", "summaries": ["It 's too dangerous .", "It 's too dangerous .", "It 's too dangerous ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.17", "text": "I was going to say , I just ca n't imagine you could send any people into an area where the column of fire was taller than , what , a 20-story building .", "summaries": ["I ca n't imagine you could send people into an area where the column of fire was taller than a 20-story building .", "I ca n't imagine you could send people where the column of fire was taller than a 20-story building .", "I ca n't imagine you could send people into an area where the column of fire was taller than a 20-story building ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.18", "text": "No.", "summaries": ["No.", "No.", "No."]} +{"id": "bn9623.rpi_segs.txt.960605.145.19", "text": "In fact , the last 48 hours we 've had one very simple priority on this fire and that is , do n't kill anybody .", "summaries": ["the last 48 hours we 've had one priority and that is , do n't kill anybody .", "the last 48 hours we 've had one priority , do n't kill anybody .", "the last 48 hours we 've had one simple priority on this fire , do n't kill anybody ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.2", "text": "It 's a stretch of heavily forested country , laced with dirt roads and many homes .", "summaries": ["It 's forested country with dirt roads and many homes .", "It 's heavily forested , laced with dirt roads and homes .", "It 's heavily forested country , laced with dirt roads and many homes ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.20", "text": "In 21 years of fire fighting , this is as dangerous a situation as I 've ever seen .", "summaries": ["In 21 years of fire fighting , this is as dangerous a situation as I 've seen .", "this is as dangerous a situation as I 've ever seen .", "In 21 years of fire fighting , this is as dangerous a situation as I 've ever seen ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.21", "text": "And this fire is rolling through heavily forested country with literally hundreds and hundreds of homes scattered in little subdivisions and groups through the forest , and so all of our firefighters are really , really focused on trying to save people 's homes .", "summaries": ["this fire is rolling through forested country with hundreds of homes scattered through the forest , so firefighters are trying to save people 's homes .", "with hundreds of homes scattered through the forest , firefighters are trying to save people 's homes .", "this fire is rolling through heavily forested country with hundreds of homes scattered through the forest , and our firefighters are focused on trying to save homes ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.22", "text": "With fire breaks and soaking them down and fire retardant , and that kind of thing .", "summaries": ["With fire breaks and soaking them down and fire retardant .", "With fire breaks and soaking them down and fire retardant .", "fire breaks and soaking them and fire retardant , that kind of thing ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.23", "text": "Yeah , right .", "summaries": ["Yeah , right .", "right .", "right ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.24", "text": "Yeah , with these kind of fire conditions we 're not able to do anything without water , so almost all of the structure and protection has been with fire engines .", "summaries": ["we 're not able to do anything without water , so all of the structure and protection has been with fire engines .", "with these conditions we 're not able to do anything without water , so all protection has been with fire engines .", "with these conditions we 're not able to do anything without water , so almost all of the protection has been with fire engines ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.25", "text": "Fire engines .", "summaries": ["Fire engines .", "Fire engines .", "Fire engines ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.26", "text": "Yeah .", "summaries": ["Yeah .", "Yeah .", "Yeah ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.27", "text": "You know , the wildland type of fire engine , and also we now have volunteer fire engines here from all over the state of Alaska .", "summaries": ["the wildland fire engine , and also volunteer fire engines from all over the state .", "the wildland type , and also we have volunteer engines from all over Alaska .", "the wildland type of fire engine and we have volunteer fire engines from all over the state ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.28", "text": "So , we 're going to continue prioritizing structure protection , but I think what 's going to happen today is we 're going to be able shift over to starting to nail down some perimeter on this thing so we can stop it from galloping across the countryside .", "summaries": ["we 're going to continue prioritizing structure protection , but today we 're going to nail down some perimeter so we can stop it from galloping across the countryside .", "we 're going to continue prioritizing structure protection , but today we 're starting to nail down some perimeter so we stop it from galloping across the countryside .", "we 're going to continue prioritizing structure protection , but today we 're going to nail down some perimeter so we can stop it galloping across the countryside ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.29", "text": "Describe to me how you would do that .", "summaries": ["Describe how you would do that .", "Describe how .", "Describe how you do that ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.3", "text": "It 's one of the fastest-growing regions in the state .", "summaries": ["It 's one of the fastest-growing regions in the state .", "It 's one of the fastest-growing regions in the state .", "It 's one of the fastest-growing regions in the state ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.30", "text": "What we 're doing today is putting out a collection of resources on the perimeter that include hand crews , engines , bulldozers , water tenders - all of that supported from the air by helicopters with buckets and retardant bombers .", "summaries": ["we 're putting out resources on the perimeter that include hand crews , engines , bulldozers , water tenders - supported from the air by helicopters with buckets and retardant bombers .", "we 're putting out on the perimeter hand crews , engines , bulldozers , water tenders - supported by helicopters with buckets and retardant bombers .", "we 're putting on the perimeter hand crews , engines , bulldozers , water tenders - all supported by helicopters with buckets and retardant bombers ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.31", "text": "And what we try to do is just knock down the flames and the heat on the very perimeter of the fire and then put out all the hot spots and secure that perimeter so the fire ca n't advance any more .", "summaries": ["we try to knock down the flames and the heat on the perimeter and put out the hot spots and secure that perimeter so the fire ca n't advance .", "we try to knock down the flames on the perimeter and put out all the hot spots so the fire ca n't advance .", "we knock down the flames and the heat on the very perimeter of the fire and then put out all the hot spots and secure that perimeter so the fire ca n't advance ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.32", "text": "Well , thanks very much .", "summaries": ["thanks .", "thanks .", "thanks ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.33", "text": "You 're welcome .", "summaries": ["You 're welcome .", "You 're welcome .", "You 're welcome ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.34", "text": "Tom Boatner is operations sections chief for this fire .", "summaries": ["Tom Boatner is operations sections chief for this fire .", "Tom Boatner is operations sections chief .", "Tom Boatner is operations chief for this fire ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.35", "text": "He is a smoke jumper for the Bureau of Land Management based in Fairbanks , but he spoke to us today from Houston High School in Houston , Alaska .", "summaries": ["He is a smoke jumper for the Bureau of Land Management in Fairbanks , but he spoke to us from Houston High School in Houston , Alaska .", "He is a smoke jumper for the Bureau of Land Management based in Fairbanks , but he spoke to us from Houston , Alaska .", "a smoke jumper for the Bureau of Land Management based in Fairbanks , he spoke to us from Houston High School in Houston , Alaska ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.4", "text": "Hundreds of buildings have burned so far and more than 1,000 people have been evacuated .", "summaries": ["Hundreds of buildings have burned and more than 1,000 people have been evacuated .", "Hundreds of buildings have burned and 1,000 people have been evacuated .", "Hundreds of buildings have burned and more than 1,000 people evacuated ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.5", "text": "Tom Boatner [ sp ] is a firefighter based in Fairbanks who 's been on the scene since Sunday .", "summaries": ["Tom Boatner is a firefighter in Fairbanks who 's been on the scene since Sunday .", "Tom Boatner a firefighter in Fairbanks 's been on the scene since Sunday .", "Tom Boatner is a firefighter who 's been on the scene since Sunday ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.6", "text": "We reached him at the high school in Houston , Alaska , where the forestry division has set up an incident command post .", "summaries": ["We reached him in Houston , Alaska , where the forestry division has set up an incident command post .", "We reached him in Houston , Alaska , where the forestry division has set up an command post .", "We reached him at the high school in Houston , Alaska , where the forestry division set up an incident command post ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.7", "text": "We are getting extremely strong winds .", "summaries": ["We are getting strong winds .", "We are getting strong winds .", "We are getting strong winds ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.8", "text": "We 've had yet another wind shift .", "summaries": ["We 've had another wind shift .", "We 've had another wind shift .", "We 've had another wind shift ."]} +{"id": "bn9623.rpi_segs.txt.960605.145.9", "text": "We 're getting 20 to 25-mile-an-hour winds with gusts to 35 .", "summaries": ["We 're getting 20 to 25-mile-an-hour winds with gusts to 35 .", "We 're getting 20 to 25-mile-an-hour winds with gusts to 35 .", "We 're getting 25-mile-an-hour winds with gusts to 35 ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.0", "text": "In eastern Montana at the ranch occupied by the so-called Freemen , a letter by a jailed cult leader may have played a role in the first departures from the ranch since April .", "summaries": ["In Montana at the ranch occupied by the Freemen , a letter by a jailed cult leader may have played a role in the first departures since April .", "In Montana at the ranch occupied by the Freemen , a letter by a jailed cult leader may have played a role in the departures from the ranch .", "In the ranch occupied by the so-called Freemen , a letter by a jailed cult leader may have played a role in the first departures since April ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.1", "text": "CNN 'S Brian Jenkins reports on this and other developments on day 75 of the standoff .", "summaries": ["Brian Jenkins reports on this and other developments on day 75 of the standoff .", "Brian Jenkins reports on day 75 of the standoff .", "Brian Jenkins reports on day 75 of the standoff ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.10", "text": "One of the state legislators who served as an intermediary early in this 75 day standoff has said that he fells essentially that negotiations could pick up speed now that two girls have been taken off the ranch , a family of four left Thursday afternoon .", "summaries": ["One of the state legislators who served as an intermediary early in this standoff has said that negotiations could pick up speed now that two girls have been taken off the ranch , a family of four left Thursday .", "One of the legislators who served as an intermediary in this standoff has said that he fells negotiations could pick up now that a family of four left .", "One of the state legislators who served as an intermediary in this 75 day standoff said that negotiations could pick up now that a family of four left Thursday ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.11", "text": "Gloria Ward , her common-law husband Elwin Ward , and Gloria Ward 's two daughters , aged 10 and eight .", "summaries": ["Gloria Ward , her husband Elwin and two daughters aged 10 and eight .", "Gloria Ward , husband Elwin Ward , and Gloria 's daughters , aged 10 and eight .", "Gloria Ward , her husband Elwin , and Gloria 's two daughters , aged 10 and eight ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.12", "text": "They were taken first to the FBI command post in the town of Jordan , about 30 miles southeast , then on to the town of Miles City , where a state court judge granted temporary custody of the two girls to their aunt , Gloria Ward 's sister , and gave jurisdiction over the two girls to the state of Utah .", "summaries": ["They were taken first to the FBI command post in Jordan , 30 miles southeast , then to Miles City , where a judge granted temporary custody of the girls to their aunt , and gave jurisdiction over the girls to the state of Utah .", "They were taken to FBI command in the town of Jordan , then to Miles City , where a judge granted temporary custody of the girls to Gloria 's sister , and gave jurisdiction over the girls to the state of Utah .", "They were taken to the FBI command post in Jordan , about 30 miles southeast , then to Miles City , where a state judge granted temporary custody of the two girls to their aunt , Gloria Ward 's sister , and gave jurisdiction over the girls to the state of Utah ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.13", "text": "They were taken on to Billings .", "summaries": ["They were taken to Billings .", "They were taken on to Billings .", "They were taken to Billings ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.14", "text": "They flew out of Billings early this morning , and they arrived in Salt Lake City .", "summaries": ["They flew out of Billings this morning and arrived in Salt Lake City .", "this morning they arrived in Salt Lake City .", "They flew out of Billings this morning , and arrived in Salt Lake City ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.15", "text": "If we have that picture , you 'll be able to see Gloria Ward with long , dark hair , her two children- again , Courtney , aged 10 and Jay-Lyn , aged eight .", "summaries": ["If we have that picture , you 'll see Gloria Ward with long , dark hair , her two children- , Courtney , 10 and Jay-Lyn , eight .", "If we have that picture , you 'll see Gloria Ward , her two children- Courtney , 10 and Jay-Lyn , eight .", "you see Gloria Ward with long , dark hair , her two children- Courtney , 10 and Jay-Lyn , eight ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.16", "text": "Jay-Lyn 's father lives in Utah .", "summaries": ["Jay-Lyn 's father lives in Utah .", "Jay-Lyn 's father lives in Utah .", "Jay-Lyn 's father lives in Utah ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.17", "text": "The older girl 's father also lives in Salt Lake City , and they have expressed relief that the girls are free now .", "summaries": ["The older girl 's father lives in Salt Lake City , and they have expressed relief that the girls are free .", "The older girl 's father also in Salt Lake City , they have expressed relief that the girls are free .", "The older girl 's father also lives in Salt Lake City , and they expressed relief that the girls are free ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.18", "text": "The girls ' mother , Gloria Ward , belongs to a small sect of ex-communicated Mormons , called the House of Cheney , and Gloria Ward 's sister asked the leader of that sect , John Cheney , to write a letter encouraging the Wards to come off the Freemen ranch .", "summaries": ["The girls ' mother belongs to a sect of ex-communicated Mormons , called the House of Cheney , and Gloria Ward 's sister asked the leader , John Cheney , to write a letter encouraging the Wards to come off the ranch .", "Gloria Ward belongs to a sect of ex-communicated Mormons , the House of Cheney , and Gloria 's sister asked the leader , John Cheney , to write a letter encouraging the Wards to come off the ranch .", "Gloria Ward , belongs to a small sect of ex-communicated Mormons , called the House of Cheney , and Gloria 's sister asked the leader of that sect , John Cheney , to write a letter encouraging the Wards to come off the ranch ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.19", "text": "We have two comments on that .", "summaries": ["We have two comments on that .", "We have two comments .", "We have two comments ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.2", "text": "He joins us now live .", "summaries": ["He joins us live .", "He joins us now .", "He joins us live ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.20", "text": "First , from the attorney for Lynn Nielsen , Gloria Ward 's sister .", "summaries": ["from the attorney for Lynn Nielsen , Gloria Ward 's sister .", "the attorney for Lynn Nielsen , Gloria Ward 's sister .", "First , from the attorney for Lynn Nielsen , Gloria 's sister ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.21", "text": "John Cheney had asked God about them coming out and that God said that they should come out , that they had work to do outside the ranch house .", "summaries": ["John Cheney had asked God about them coming out and that God said they should come out , that they had work to do outside the ranch .", "Cheney had asked God and God said that they should come out .", "John Cheney asked God about them coming out and God said they should come out , that they had work to do outside the ranch ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.22", "text": "We also heard in a , a phone interview from John Cheney that he had said he simply wrote the note , encouraging them to leave after reading the note .", "summaries": ["in a phone interview John Cheney had said he wrote the note , encouraging them to leave .", "Cheney wrote the note encouraging them to leave .", "We heard in a interview from John Cheney that he simply wrote the note encouraging them to leave ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.23", "text": "They made their decision on their own to leave .", "summaries": ["They made their decision on their own .", "They made their decision on their own .", "They made their decision on their own ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.24", "text": "He gave this phone interview from a jail cell in Provo , Utah , where he is charged with forcing his 13 year-old daughter to marry a 48 year-old follower .", "summaries": ["He gave this interview from a jail cell in Provo , where he is charged with forcing his daughter to marry a follower .", "He gave this phone interview from Utah , where he is charged with forcing his 13 year-old daughter to marry a 48 year-old .", "He gave this interview from a jail cell in Provo , Utah , where he is charged with forcing his 13 year-old daughter to marry a 48 year-old ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.25", "text": "Now , Gloria Ward 's oldest daughter , who is now 15 , married John Cheney last year and became pregnant .", "summaries": ["Gloria Ward 's oldest daughter , now 15 , married John Cheney last year and became pregnant .", "Gloria Ward 's oldest daughter , 15 , married Cheney last year and became pregnant .", "Gloria Ward 's oldest daughter , now 15 , married John Cheney last year and became pregnant ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.26", "text": "She is now in the custody of child welfare officials in Michigan .", "summaries": ["She is now in the custody of welfare officials in Michigan .", "She is in the custody of welfare officials in Michigan .", "She is in the custody of child welfare officials in Michigan ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.27", "text": "So that is where that situation stands with the Ward family , Gloria Ward and her two daughters now in Utah .", "summaries": ["that is where that situation stands , Gloria Ward and her two daughters now in Utah .", "that is where that situation stands with the Ward family .", "that situation stands with the Ward family , Gloria Ward and her two daughters in Utah ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.28", "text": "Here again on the Freemen ranch in Montana .", "summaries": ["again on the Freemen ranch in Montana .", "Here in Montana .", "Here on the Freemen ranch in Montana ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.29", "text": "We currently have two FBI agents as far as we can see meeting with two members of the Freemen group .", "summaries": ["We have two FBI agents meeting with two members of the Freemen group .", "We have two FBI agents meeting with two Freemen .", "We have two FBI agents meeting with two members of the Freemen ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.3", "text": "Brian ?", "summaries": ["Brian ?", "Brian ?", "Brian ?"]} +{"id": "bn9623.rpi_segs.txt.960607.490.30", "text": "We will report to you further details when we have them .", "summaries": ["We will report further details when we have them .", "We will report further details .", "We will report further details when we have them ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.31", "text": "Natalie ?", "summaries": ["Natalie ?", "Natalie ?", "Natalie ?"]} +{"id": "bn9623.rpi_segs.txt.960607.490.32", "text": "All right , Brian Jenkins in Montana .", "summaries": ["Brian Jenkins in Montana .", "Brian Jenkins .", "Brian Jenkins in Montana ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.33", "text": "Thank you , Brian .", "summaries": ["Thank you , Brian .", "Thank you .", "Thank you ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.4", "text": "Well , Natalie , we have a new and perhaps an encouraging development just three or four minutes ago .", "summaries": ["we have a new encouraging development three or four minutes ago .", "we have a development .", "we have a development just three minutes ago ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.5", "text": "Two members of the Freemen group on the 960 acre property here behind me came out to the entrance to their property to meet with two FBI agents who had been there for about a half an hour .", "summaries": ["Two members of the Freemen group on the 960 acre property came to the entrance to meet with two FBI agents who had been there for half an hour .", "Two of the Freemen on the 960 acre property came to the entrance to meet with FBI agents who had been there for half an hour .", "Two members of the Freemen on the 960 acre property came to the entrance to meet with two FBI agents who had been there for a half an hour ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.6", "text": "They had pulled their vehicle down .", "summaries": ["They had pulled their vehicle down .", "They had pulled their vehicle down .", "They pulled their vehicle down ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.7", "text": "It 's the red and white , four wheel drive vehicle we have seen many times go that entrance .", "summaries": ["It 's the vehicle we have seen many times go that entrance .", "It 's the red and white vehicle we have seen many times .", "It 's the four wheel drive vehicle we have seen many times ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.8", "text": "They do appear to be talking .", "summaries": ["They appear to be talking .", "They appear to be talking .", "They appear to be talking ."]} +{"id": "bn9623.rpi_segs.txt.960607.490.9", "text": "About what we do not know at this point .", "summaries": ["About what we do not know .", "About what we do not know .", "About what we do not know ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.0", "text": "If sex education is a hotly debated topic in a relatively open society , imagine what it 's like in a more traditional society like China .", "summaries": ["If sex education is a debated topic in a relatively open society , imagine what it 's like in a traditional society like China .", "If sex education is hotly debated in a open society , imagine what it 's like in China .", "If sex education is a hotly debated topic in a open society , imagine what it 's like in a more traditional society like China ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.1", "text": "Well , now you do n't have to .", "summaries": ["you do n't have to .", "now you do n't have to .", "you do n't have to ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.10", "text": "China 's education system demands a strict code of behavior from its students .", "summaries": ["China 's education system demands a strict code of behavior from its students .", "China 's education system demands strict behavior from its students .", "China 's education system demands a strict code of behavior from students ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.11", "text": "It 's formal , rote-oriented style of teaching enforces discipline and respect for authority .", "summaries": ["It 's formal , rote-oriented teaching enforces discipline and respect for authority .", "It 's style enforces discipline and respect for authority .", "It 's formal , rote-oriented teaching enforces discipline and respect for authority ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.12", "text": "It also adds a good dose of party politics and communist doctrine .", "summaries": ["It adds a dose of party politics and communist doctrine .", "It adds party politics and communist doctrine .", "It also adds party politics and communist doctrine ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.13", "text": "But recent reforms have opened up the country to Western influence in movies , television and music and that sends conflicting messages to Chinese kids .", "summaries": ["recent reforms have opened up the country to Western influence in movies , television and music and that sends conflicting messages to kids .", "recent reforms have opened up the country to Western influence and that sends conflicting messages to kids .", "recent reforms have opened the country to Western influence in movies , television and music and that sends conflicting messages ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.14", "text": "They see these things , and they want to go and try it for themselves .", "summaries": ["They see these things , and they want to try it for themselves .", "They see things , and they want to try for themselves .", "They see things and they want to try it ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.15", "text": "But , they 're too young to handle the consequences .", "summaries": ["they 're too young to handle the consequences .", "But , they 're too young .", "they 're too young ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.16", "text": "The class is straightforward .", "summaries": ["The class is straightforward .", "The class is straightforward .", "The class is straightforward ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.17", "text": "A teacher addresses the physical changes going on in their bodies and speaks openly about topics normally considered taboo .", "summaries": ["A teacher addresses the changes going on in their bodies and speaks about topics normally considered taboo .", "A teacher addresses the changes going on in their bodies and speaks about topics normally considered taboo .", "A teacher addresses the changes in their bodies and speaks about topics normally considered taboo ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.18", "text": "And that encourages students like 14-year-old Chen Jing .", "summaries": ["that encourages students like 14-year-old Chen Jing .", "that encourages 14-year-old Chen Jing .", "that encourages students like 14-year-old Chen Jing ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.19", "text": "I just wish my parents and my other teachers could be like this teacher , so we could communicate .", "summaries": ["I wish my parents and my other teachers could be like this , so we could communicate .", "I wish my parents and my other teachers could be like this , so we could communicate .", "I just wish my parents and other teachers could be like this , so we could communicate ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.2", "text": "CNN 's Maria Ressa set in on a sex ed class and got a lesson on culture , instead .", "summaries": ["Maria Ressa set in on a sex ed class and got a lesson on culture , instead .", "Maria Ressa set in on a sex ed class and got a lesson on culture , instead .", "Maria Ressa set in on a sex ed class and got a lesson on culture ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.20", "text": "It 's still a conservative society .", "summaries": ["It 's a conservative society .", "It 's a conservative society .", "It 's a conservative society ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.21", "text": "Chen says she has no boyfriend and would not want one until she 's in college , but girls in her class face an added problem .", "summaries": ["Chen has no boyfriend and would not want one until college , but girls in her class face an added problem .", "Chen has no boyfriend and would not want one until college , but girls face an added problem .", "Chen has no boyfriend and would not want one until college , but girls face an added problem ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.22", "text": "They are one of the first generations of China 's policy which restricts couples to one child .", "summaries": ["They are one of the first generations of China 's policy which restricts couples to one child .", "China 's policy restricts couples to one child .", "They are the first generations of China 's policy which restricts couples to one child ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.23", "text": "With no brother or sister to confide in , it becomes more difficult to handle their questions of sexuality , and as they grow , skewed ratios of boys to girls may put additional pressure on them .", "summaries": ["With no brother or sister to confide in , it becomes difficult to handle their questions of sexuality , and skewed ratios of boys to girls may put additional pressure on them .", "With no brother or sister to confide in , it becomes difficult to handle questions of sexuality , and skewed ratios of boys to girls may put additional pressure on them .", "With no brother or sister to confide in , it becomes difficult to handle questions of sexuality , and skewed ratios of boys to girls may put pressure on them ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.24", "text": "Still , for now , Chen says this class is a relief , helping her understand and deal with questions she could n't even talk about .", "summaries": ["Chen says this class is a relief , helping her understand and deal with questions she could n't talk about .", "Chen says this class is a relief , helping her deal with questions she could n't talk about .", "Chen says this class is a relief , helping her understand and deal with questions she could n't even talk about ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.25", "text": "Maria Ressa , CNN , Beijing .", "summaries": ["Maria Ressa , CNN , Beijing .", "Maria Ressa , CNN .", "Maria Ressa , Beijing ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.3", "text": "Their questions seemed naive .", "summaries": ["Their questions seemed naive .", "questions seemed naive .", "Their questions seemed naive ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.4", "text": "What do you do if you like a boy who 's older than you ?", "summaries": ["What do you do if you like a boy who 's older ?", "What do you do if you like a boy who 's older ?", "What do you do if you like a boy ?"]} +{"id": "bn9623.rpi_segs.txt.960608.59.5", "text": "What if a teacher asks embarrassing questions ?", "summaries": ["What if a teacher asks embarrassing questions ?", "What if a teacher asks embarrassing questions ?", "What if a teacher asks embarrassing questions ?"]} +{"id": "bn9623.rpi_segs.txt.960608.59.6", "text": "But these are questions few here feel they can discuss with parents and friends .", "summaries": ["these are questions few feel they can discuss with parents and friends .", "these are questions few discuss with parents and friends .", "these are questions few here feel they can discuss ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.7", "text": "This is China 's version of the sex education class , to help adolescent girls and boys deal with the problems of growing up.", "summaries": ["This is China 's version of sex education , to help girls and boys deal with the problems of growing up.", "This is China 's sex education class , to help girls and boys deal with growing up.", "This is China 's sex education to help adolescent girls and boys deal with growing up."]} +{"id": "bn9623.rpi_segs.txt.960608.59.8", "text": "In two years , 30,000 students have participated in this special course , and it 's caused some controversy along the way .", "summaries": ["In two years , 30,000 students have participated in this course , and it 's caused some controversy .", "In two years , 30,000 students have participated , and it 's caused controversy along the way .", "In two years , 30,000 students have participated in this course , and it 's caused some controversy ."]} +{"id": "bn9623.rpi_segs.txt.960608.59.9", "text": "Teachers are really afraid , because in the past we never dealt with these questions of sexuality .", "summaries": ["Teachers are afraid , because in the past we never dealt with questions of sexuality .", "Teachers are afraid , because we never dealt with questions of sexuality .", "Teachers are afraid because we never dealt with sexuality ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.0", "text": "President Clinton left this morning on a three-day campaign swing that could generate some controversy .", "summaries": ["President Clinton left on a three-day campaign swing that could generate controversy .", "Clinton left on a campaign swing that could generate controversy .", "President Clinton left on a three-day campaign that could generate some controversy ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.1", "text": "He 's leaving behind the controversy about FBI files on some well-known Republicans .", "summaries": ["He 's leaving behind the controversy about FBI files on some well-known Republicans .", "He 's leaving behind the controversy about FBI files on Republicans .", "He 's leaving behind controversy about FBI files on some well-known Republicans ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.10", "text": "But Republicans , including presidential candidate Bob Dole , believe that there was much more to it than that .", "summaries": ["But Republicans , including Bob Dole , believe there was more to it than that .", "Republicans , including Bob Dole , believe there was more to it .", "Republicans , including presidential candidate Dole , believe that there was more to it ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.11", "text": "But everything in this administration is always an innocent mistake .", "summaries": ["everything in this administration is an innocent mistake .", "everything in this administration is innocent .", "everything in this administration is always an innocent mistake ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.12", "text": "`` We did n't really do anything , it was just a mistake .", "summaries": ["`` We did n't do anything , it was a mistake .", "`` We did n't do anything , it was a mistake .", "it was a mistake ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.13", "text": "Oh , we did n't know it was there .", "summaries": ["we did n't know it was there .", "we did n't know it was there .", "we did n't know it was there ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.14", "text": "Or we did n't know whose fingerprints were on it. ' So I think we have to take this very seriously .", "summaries": ["we did n't know whose fingerprints were on it. ' I think we have to take this seriously .", "we did n't know whose fingerprints were on it. ' we have to take this seriously .", "we have to take this seriously ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.15", "text": "It 's not good news .", "summaries": ["It 's not good news .", "It 's not good .", "It 's not good ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.16", "text": "If this had happened in years past , the Democrats are in control , hard to tell what might follow .", "summaries": ["If this had happened in years past , the Democrats are in control , hard to tell what might follow .", "in years past , Democrats in control , hard to tell what might follow .", "If this had happened in years past , what might follow ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.17", "text": "But I think the president can clear it up - I 'm serious about it - if he just apologizes to the American people .", "summaries": ["I think the president can clear it up if he apologizes to the American people .", "the president can clear it up if he apologizes to the people .", "the president can clear it up - if he apologizes to the American people ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.18", "text": "Now , this morning White House Chief of Staff Leon Panetta insisted that there was no wrongdoing involved , it was a simple mistake , but he still apologized .", "summaries": ["White House Chief of Staff Leon Panetta insisted that there was no wrongdoing , it was a mistake , but he still apologized .", "White House Chief of Staff Leon Panetta insisted there was no wrongdoing , but he apologized .", "White House Chief Panetta insisted that there was no wrongdoing , it was a mistake , but he apologized ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.19", "text": "As far as we can determine , nothing was done with that information .", "summaries": ["nothing was done with that information .", "nothing was done with that information .", "nothing was done with that information ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.2", "text": "CNN 's Kathleen Koch is at the White House now with the latest .", "summaries": ["Kathleen Koch is at the White House with the latest .", "Kathleen Koch is at the White House .", "Kathleen Koch is at the White House ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.20", "text": "It was not passed on to any officials .", "summaries": ["It was not passed on to any officials .", "It was not passed on .", "It was not passed on to any officials ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.21", "text": "It 's basically been held within the security office there and those files , as I said , have been returned to the FBI .", "summaries": ["It 's been held within the security office and those files have been returned to the FBI .", "It 's been held within the security office there and those files have been returned .", "those files have been returned to the FBI ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.22", "text": "A mistake has been made here .", "summaries": ["A mistake has been made .", "A mistake has been made .", "A mistake has been made ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.23", "text": "It is inexcusable and I think an apology is owed to those that were involved .", "summaries": ["It is inexcusable and an apology is owed to those involved .", "It is inexcusable and an apology is owed to those involved .", "an apology is owed ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.24", "text": "Now , Panetta says that the White House has taken steps to make sure that something like this never happens again .", "summaries": ["Panetta says the White House has taken steps to make sure that something like this never happens again .", "Panetta says the White House has taken steps to make sure that this never happens again .", "the White House has taken steps to make sure this never happens again ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.25", "text": "Nonetheless , FBI director Louis Freeh has today ordered a change - this is being reported by the New York Times - ordering new restrictions on the sharing of confidential information with the White House .", "summaries": ["Nonetheless , FBI director Louis Freeh has ordered a change ordering new restrictions on the sharing of confidential information with the White House .", "FBI director Louis Freeh has ordered - reported by the New York Times - new restrictions on the sharing of confidential information with the White House .", "FBI director Louis Freeh ordered new restrictions on sharing confidential information with the White House ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.26", "text": "Now , this change apparently came in a letter to Pennsylvania Republican Congressman William Clinger , who spoke with Freeh Friday about potential wrongdoing in this file controversy .", "summaries": ["this change came in a letter to Pennsylvania Republican Congressman William Clinger , who spoke with Freeh Friday about wrongdoing in this controversy .", "this came in a letter to Republican Congressman William Clinger , who spoke with Freeh Friday about potential wrongdoing in this .", "this change came in a letter to Pennsylvania Republican Congressman William Clinger , who spoke with Freeh about wrongdoing in this file controversy ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.27", "text": "Joie .", "summaries": ["Joie .", "Joie .", "Joie ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.28", "text": "Kathleen , thanks very much .", "summaries": ["Kathleen , thanks very much .", "thanks .", "Kathleen , thanks ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.29", "text": "CNN 's Kathleen Koch at the White House this morning .", "summaries": ["CNN 's Kathleen Koch at the White House .", "CNN Kathleen Koch .", "Kathleen Koch at the White House ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.3", "text": "Kathleen .", "summaries": ["Kathleen .", "Kathleen .", "Kathleen ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.4", "text": "Good morning , Joie .", "summaries": ["Good morning , Joie .", "Good morning .", "Good morning , Joie ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.5", "text": "As you said , the president has just left for a busy three days of speeches and fundraising in Nevada , California and New Mexico .", "summaries": ["the president has left for three days of speeches and fundraising in Nevada , California and New Mexico .", "the president has left for speeches and fundraising in Nevada , California and New Mexico .", "the president left for three days of speeches and fundraising in Nevada , California and New Mexico ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.6", "text": "Now , in San Francisco today , the president is likely to be met with protests from the gay community angry about his support for a bill that would deny federal benefits to same sex couples .", "summaries": ["in San Francisco the president is likely to be met with protests from the gay community angry about a bill that would deny federal benefits to same sex couples .", "in San Francisco , the president is likely to be met with protests about his support for a bill that would deny federal benefits to same sex couples .", "in San Francisco , the president is likely to be met with protests from the gay community about his support for a bill that would deny federal benefits to same sex couples ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.7", "text": "Ironically , the president would likely prefer to face that than the furor that has erupted here in Washington over the White House 's gathering of some 350 people 's FBI background files , those files including some belonging to many prominent Republicans in both the Bush and the Reagan administrations .", "summaries": ["the president would prefer to face that than the furor that has erupted in Washington over the White House 's gathering of 350 people 's FBI files , including some belonging to prominent Republicans in both the Bush and the Reagan administrations .", "the president would prefer to face that than the furor that has erupted in Washington over the White House 's gathering of FBI files , including some belonging to Republicans in the Bush and the Reagan administrations .", "the president would prefer to face that than the furor that has erupted in Washington over the White House 's gathering of some 350 people 's FBI files , including some belonging to Republicans in both the Bush and Reagan administrations ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.8", "text": "The White House says it was a bureaucratic mistake that occurred in 1993 when an Army staffer was detailed to the White House and he was updating the list of people with clearance to enter the grounds here .", "summaries": ["The White House says it was a mistake that occurred in 1993 when an Army staffer was updating the list of people with clearance to enter the grounds .", "The White House says it occurred in 1993 when an Army staffer was detailed to the White House updating the list of people with clearance to enter the grounds .", "a mistake occurred in 1993 when an Army staffer was updating the list of people with clearance to enter the grounds ."]} +{"id": "bn9623.rpi_segs.txt.960609.478.9", "text": "Associate White House counsel Mark Fabiani [ sp ] says that that staffer was working from an outdated list , that his replacement discovered the mistake and that there were no more old files at that point then requested .", "summaries": ["Associate White House counsel Mark Fabiani says that that staffer was working from an outdated list , that his replacement discovered the mistake and that there were no more old files then requested .", "Mark Fabiani says that staffer was working from an outdated list , his replacement discovered the mistake and that there were no more old files at that point .", "that staffer was working from an outdated list , his replacement discovered the mistake and there were no more files then requested ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.0", "text": "First , to bring you up to date on a breaking story we 've been covering .", "summaries": ["to bring you up to date on a story we 've been covering .", "to bring you up to date on a breaking story .", "First , a story we 've been covering ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.1", "text": "In Israel , officials are trying to learn more about a violent incident mid-way between Tel Aviv and Jerusalem .", "summaries": ["In Israel , officials are trying to learn more about a violent incident mid-way between Tel Aviv and Jerusalem .", "officials are trying to learn more about a incident mid-way between Tel Aviv and Jerusalem .", "officials are trying to learn more about a violent incident mid-way between Tel Aviv and Jerusalem ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.10", "text": "But of the confirmed shooting attack , this did take- it is being treated , as I say , as a terror attack .", "summaries": ["But the confirmed shooting attack is being treated as a terror attack .", "the confirmed attack is being treated as a terror attack .", "the confirmed shooting is being treated as a terror attack ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.11", "text": "But there 's been no claim of responsibility .", "summaries": ["there 's been no claim of responsibility .", "there 's been no claim of responsibility .", "there 's no claim of responsibility ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.12", "text": "A CNN camera man who 's on the site reports the white 1987 model car halfway in a ditch on the side of the road with 10 bullets through its front wind screen , and that 's probably the reason why the police are treating it as a terror attack .", "summaries": ["A camera man on the site reports the car halfway in a ditch on the side of the road with 10 bullets through its front wind screen , and that 's why the police are treating it as a terror attack .", "A camera man on the site reports the car halfway in a ditch with 10 bullets through its wind screen , probably the reason the police are treating it as a terror attack .", "A camera man who 's on site reports the car in a ditch on the side of the road with 10 bullets through its front wind screen , and that 's probably the reason police are treating it as a terror attack ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.13", "text": "The two people found inside were dead , apparently an Israeli couple .", "summaries": ["The two people found inside were dead , an Israeli couple .", "The people inside were dead , an Israeli couple .", "The people inside were dead , apparently an Israeli couple ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.14", "text": "A baby , an infant , was found in the car unhurt , according to a spokesman for an ambulance rescue service which went to the site of the incident .", "summaries": ["A baby was found in the car unhurt , according to a spokesman for an ambulance rescue service .", "A baby was found unhurt , according to a spokesman for an ambulance rescue service .", "an infant was found unhurt , according to a spokesman for an ambulance service which went to the site of the incident ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.15", "text": "Israeli security forces have been on high alert for attacks by Islamic militants during the Israeli election period , which was 10 days ago .", "summaries": ["Israeli security forces have been on high alert for attacks by Islamic militants during the Israeli election period .", "Israeli security have been on high alert for attacks during the election period .", "Israeli security forces have been on high alert for attacks by Islamic militants during the Israeli election period , 10 days ago ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.16", "text": "And , since then , the Islamic militants have vowed to maintain their resistance and to go on attacks after the election of prime minister-elect Benjamin Netanyahu in that election .", "summaries": ["since then , the Islamic militants have vowed to maintain their resistance and to go on attacks after the election of prime minister-elect Benjamin Netanyahu .", "the Islamic militants have vowed to maintain their attacks after the election of Benjamin Netanyahu .", "the Islamic militants have vowed resistance and attacks after the election of prime minister-elect Benjamin Netanyahu ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.17", "text": "Now , the incident- the site of the attack is an area not far , it should be said , from the open border between the West Bank and Israel .", "summaries": ["the site of the attack is not far from the open border between the West Bank and Israel .", "the site of the attack is not far from the border between the West Bank and Israel .", "the site of the attack is not far from the open border between the West Bank and Israel ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.18", "text": "That 's what we know for now .", "summaries": ["That 's what we know .", "That 's what we know .", "That 's what we know ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.19", "text": "Jeanne ?", "summaries": ["Jeanne ?", "Jeanne ?", "Jeanne ?"]} +{"id": "bn9623.rpi_segs.txt.960609.526.2", "text": "For the latest on this breaking story , we 're joined on the phone by CNN 's Jerrold Kessel .", "summaries": ["For the latest on this story , we 're joined on the phone by Jerrold Kessel .", "we 're joined by Jerrold Kessel .", "For the latest story , we 're joined on the phone by Jerrold Kessel ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.20", "text": "Jerrold , what measures are authorities taking in response to this incident ?", "summaries": ["what measures are authorities taking in response to this incident ?", "what measures are authorities taking in response ?", "what measures are authorities taking in response ?"]} +{"id": "bn9623.rpi_segs.txt.960609.526.21", "text": "Well , especially after the rumors came in , and apparently there was one telephone call about a second incident came into- then police rushed massive reinforcements and patrol cars through the area , threw up roadblocks fearing that perhaps there was a car on the loose with gunmen in it and were engaging in a shooting spree .", "summaries": ["after the rumors came in , police rushed reinforcements and patrol cars through the area , threw up roadblocks fearing that there was a car with gunmen in it engaging in a shooting spree .", "after the rumors and one telephone call about a second incident police rushed reinforcements through the area , threw up roadblocks fearing there was a car on the loose with gunmen in a shooting spree .", "after the rumors came in , police rushed reinforcements and patrol cars through the area , threw up roadblocks fearing there was a car on the loose with gunmen in a shooting spree ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.22", "text": "They have set up roadblocks all around this area which is , as I say , in a triangle virtually between Jerusalem , Tel Aviv , and southwest of that area , in a country district .", "summaries": ["They have set up roadblocks all around this area which is in a triangle between Jerusalem , Tel Aviv , and southwest of that area , in a country district .", "They have set up roadblocks around this area which is in a triangle between Jerusalem , Tel Aviv , and southwest .", "They have set up roadblocks around a triangle between Jerusalem , Tel Aviv , and southwest of that area , in a country district ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.23", "text": "They have thrown up roadblocks , but they have not found anything untoward further than that single shooting attack in which the two people have been killed .", "summaries": ["They have thrown up roadblocks , but they have not found anything further than that single attack in which the two people have been killed .", "they have not found anything further than that attack in which the two people have been killed .", "They have thrown up roadblocks , but they have not found anything further than that attack in which the two people have been killed ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.24", "text": "But they are still continuing to search the area to try and see if there were , in fact , any further shooting incidents .", "summaries": ["they are continuing to search the area to see if there were any further incidents .", "they are continuing to try and see if there were any further incidents .", "they are continuing to search the area to see if there were any further incidents ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.25", "text": "No confirmation of anything beyond the single incident in which two people have been shot dead .", "summaries": ["No confirmation of anything beyond the single incident .", "No confirmation of anything beyond the single incident .", "No confirmation of anything beyond the single incident in which two people have been shot dead ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.26", "text": "Jerrold Kessel in Israel , thank you , and we will bring you more details on this story as they become available .", "summaries": ["we will bring you more details on this story as they become available .", "we will bring you more details as they become available .", "Jerrold Kessel in Israel , and we will bring you more details as they become available ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.3", "text": "Jerrold , what happened ?", "summaries": ["what happened ?", "what happened ?", "what happened ?"]} +{"id": "bn9623.rpi_segs.txt.960609.526.4", "text": "Jeanne , some of the mystery surrounding this shooting is being cleared up now .", "summaries": ["some of the mystery surrounding this shooting is being cleared up .", "the mystery surrounding this shooting is being cleared up .", "some of the mystery surrounding this shooting is being cleared up ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.5", "text": "About 11:15 local time , that 's a little under two hours ago , two people were killed , probably Israeli civilians , in a car .", "summaries": ["About 11:15 two people were killed , probably Israeli civilians , in a car .", "About 11:15 , two people were killed , probably Israeli civilians .", "About 11:15 , two hours ago , two people were killed , probably Israeli civilians , in a car ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.6", "text": "They were shot dead on a country road about 25 miles southwest of Jerusalem .", "summaries": ["They were shot dead on a country road 25 miles southwest of Jerusalem .", "They were shot dead on a road southwest of Jerusalem .", "They were shot on a road about 25 miles southwest of Jerusalem ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.7", "text": "Police are saying- and they are treating this as a terror attack , but they 're not confirming that completely as yet .", "summaries": ["Police are treating this as a terror attack , but they 're not confirming that as yet .", "Police are treating this as a terror attack , but they 're not confirming that yet .", "Police are treating this as a terror attack , but they 're not confirming that ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.8", "text": "But , as to contradictory earlier reports that unknown gunmen had also fired bursts of automatic gunfire at a vehicle near an army base some 15 miles away from this attack spot further south , towards the direction of the Gaza Strip , this is now being discounted by the police .", "summaries": ["as to contradictory reports that unknown gunmen had fired bursts of automatic gunfire at a vehicle near an army base 15 miles away from this attack spot , this is being discounted by the police .", "reports that gunmen had fired at a vehicle near an army base 15 miles further south , this is now being discounted .", "reports that gunmen had fired at a vehicle near an army base some 15 miles away from this attack towards the Gaza Strip , is now being discounted by the police ."]} +{"id": "bn9623.rpi_segs.txt.960609.526.9", "text": "And they say that , having set up roadblocks , rushed reinforcements to the area , there 's no evidence whatever , no confirmation , of any second shooting incident .", "summaries": ["they say that , having set up roadblocks , rushed reinforcements to the area , there 's no evidence , no confirmation of any second incident .", "they set up roadblocks , rushed reinforcements to the area , there 's no evidence of any second incident .", "they say , having set up roadblocks , rushed reinforcements to the area , there 's no evidence of any second shooting incident ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.0", "text": "This week , as the Russian election approaches , we are going to hear from several observers of Russian politics about the choice Russians face - whether to extend Boris Yeltsin 's presidency or opt for Gennady Zyuganov 's brand of communism .", "summaries": ["we are going to hear from observers of Russian politics about the choice Russians face - whether to extend Boris Yeltsin 's presidency or opt for Gennady Zyuganov 's brand of communism .", "as the Russian election approaches , we are going to hear about the choice Russians face - extend Yeltsin 's presidency or opt for Gennady Zyuganov 's communism .", "as the Russian election approaches , we hear from several observers about whether to extend Boris Yeltsin 's presidency or opt for Gennady Zyuganov 's communism ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.1", "text": "While that choice strikes many as momentous , British journalist Jonathan Steele [ sp ] says that Yeltsin and Zyuganov appear to campaigning on the same promises .", "summaries": ["British journalist Jonathan Steele says that Yeltsin and Zyuganov appear to campaigning on the same promises .", "While that choice strikes as momentous , British journalist Jonathan Steele says that Yeltsin and Zyuganov appear to campaigning on the same promises .", "that choice momentous , journalist Jonathan Steele says Yeltsin and Zyuganov appear campaigning on the same promises ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.10", "text": "So , I think what Yeltsin is doing is partly tactical in the sense that he sees it 's the best way to get votes and get more in tune with the center of Russian opinion , but I think it , therefore , is something that he probably would stick to , more or less , even if he won a second term .", "summaries": ["I think what Yeltsin is doing is tactical in the sense that he sees it 's the best way to get votes and get in tune with the Russian opinion , but I think it is something that he would stick to even if he won a second term .", "what Yeltsin is doing he sees it 's the best way to get votes and get in tune with Russian opinion , but I think it is something he would stick to if he won .", "what Yeltsin is doing is partly tactical in that it 's the best way to get votes in the center of Russian opinion , but I think it is something he would stick to , if he won a second term ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.11", "text": "You 're suggesting that actually the political outlook of Russia 's Communist Party is much more in tune with Russia of 1996 than the Yeltsin government over the past couple of years .", "summaries": ["You 're suggesting that the political outlook of Russia 's Communist Party is more in tune with Russia of 1996 than the Yeltsin government over the past years .", "You 're suggesting that the Communist Party is more in tune with Russia of 1996 than Yeltsin over the past couple of years .", "You 're suggesting the political outlook of Russia 's Communist Party is more in tune with Russia of 1996 than the Yeltsin government over the past couple of years ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.12", "text": "Well , on two points certainly .", "summaries": ["on two points certainly .", "on two points certainly .", "on two points certainly ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.13", "text": "One is on the economy , as I say , and the other is on this sense that somehow Russia has been humiliated over the last five or seven years .", "summaries": ["One is on the economy , and the other is on this sense that Russia has been humiliated over the last five or seven years .", "on the economy , and on this sense that Russia has been humiliated over the last years .", "One is the economy , and the other is this sense that Russia has been humiliated over the last seven years ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.14", "text": "The kind of loss of empire mood , which Russians seem to have got over very quickly at the time they were , in fact , losing the empire in 1990 and '91 , can be seen as a sort of deep-seated wound that has n't really healed , and the Communists are talking about patriotism .", "summaries": ["The loss of empire mood , which Russians have got over quickly at the time they were losing the empire in 1990 and '91 , can be seen as a deep-seated wound that has n't healed , and the Communists are talking about patriotism .", "The loss of empire mood , which Russians seem to have got over quickly at the time they were losing the empire in 1990 and '91 , can be seen as a wound that has n't healed , and the Communists are talking about patriotism .", "The loss of empire mood , which Russians seem to have got over quickly at the time in 1990 and '91 , can be seen as a deep-seated wound that has n't healed , and the Communists are talking patriotism ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.15", "text": "They 're talking about Russia having been humiliated and a need to stand on its own feet again , even if that means not being so pro-Western .", "summaries": ["They 're talking about Russia having been humiliated and a need to stand on its own feet , even if that means not being pro-Western .", "They 're talking about Russia having a need to stand on its feet again , even if that means not being pro-Western .", "They 're talking about Russia having been humiliated and a need to stand on its own feet again , even if that means not being so pro-Western ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.16", "text": "That 's the sort of thing that I think Yeltsin 's taken on board .", "summaries": ["That 's the thing that I think Yeltsin 's taken on board .", "That thing Yeltsin 's taken on board .", "That 's the thing that Yeltsin 's taken on board ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.17", "text": "I think the real difference is one of speculation about the future- is which one of these two men , if elected , would be least likely to tamper with civil liberties in the future and therefore roll back the democratic reforms of the Gorbachev years .", "summaries": ["the difference is one of speculation about the future- which one of these men would be least likely to tamper with civil liberties and roll back the democratic reforms of the Gorbachev years .", "the difference is one of speculation about the future- which of these two , if elected , would be least likely to tamper with civil liberties and roll back the democratic reforms of Gorbachev .", "the difference is which of these men , would be least likely to tamper with civil liberties and roll back the democratic reforms of Gorbachev ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.18", "text": "Is , in that sense , Boris Yeltsin a democrat ?", "summaries": ["Is Boris Yeltsin a democrat ?", "Is , in that sense , Boris Yeltsin a democrat ?", "Is Boris Yeltsin a democrat ?"]} +{"id": "bn9623.rpi_segs.txt.960610.124.19", "text": "Is he devoted to civil liberties , at least more so than Gennady Zyuganov ?", "summaries": ["Is he devoted to civil liberties , more so than Zyuganov ?", "Is he devoted to civil liberties more than Zyuganov ?", "Is he devoted to civil liberties more than Gennady Zyuganov ?"]} +{"id": "bn9623.rpi_segs.txt.960610.124.2", "text": "Well , I think President Yeltsin has really stolen a lot of Zyuganov 's clothes over the last weeks and months .", "summaries": ["I think President Yeltsin has stolen a lot of Zyuganov 's clothes over the last weeks and months .", "I think Yeltsin has stolen a lot of Zyuganov 's clothes over the last months .", "Yeltsin has stolen Zyuganov 's clothes over the last months ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.20", "text": "Well that , I think , is the big debate .", "summaries": ["that is the big debate .", "that is the big debate .", "that is the big debate ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.21", "text": "Take the television , for example .", "summaries": ["Take television , for example .", "Take the television .", "Take television ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.22", "text": "All three television channels - the only three that have national coverage - are now controlled by the president .", "summaries": ["All three television channels are controlled by the president .", "All three channels that have national coverage are controlled by the president .", "All three television channels that have national coverage are now controlled by the president ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.23", "text": "So you could argue , perhaps slightly flippantly , that if you want an opposition media , the best thing is to vote Zyuganov , because then all the three national TV stations would be against the new president .", "summaries": ["you could argue that if you want an opposition media , the best thing is to vote Zyuganov , because then all the national TV stations would be against the new president .", "you could argue , that if you want an opposition , the best thing is to vote Zyuganov , because then the three TV stations would be against the new president .", "you could argue flippantly , that if you want an opposition media , vote Zyuganov , because then all the three stations would be against the new president ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.24", "text": "But I mean that 's just an illustration of the fact that Yeltsin has really taken into his hands - in a way that we would n't think acceptable in a Western country - the main broadcast media .", "summaries": ["that 's an illustration of the fact that Yeltsin has taken into his hands the main broadcast media .", "Yeltsin has taken into his hands - in a way that we would n't think acceptable in a Western country - the main broadcast media .", "that 's an illustration that Yeltsin has taken into his hands - in a way that we would n't think acceptable in a Western country - the main broadcast media ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.25", "text": "On the question of rights to free assembly , political parties and so on , I think this has to be speculative .", "summaries": ["On the question of rights to free assembly , political parties , this has to be speculative .", "On rights to free assembly , political parties and so on , this has to be speculative .", "On the question of rights to assembly , political parties and so on , be speculative ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.26", "text": "All one can say is that Zyuganov , after all , after 2-1/2 years as a parliamentarian - somebody who knows that you ca n't go back to one-party rule , that you have to do deals , make coalitions , try and keep up some sort of dialogue with parties that do n't automatically support you - has shown some experience and some loyalty , such as it is , to parliamentarism .", "summaries": ["Zyuganov , who knows that you ca n't go back to one-party rule , that you have to do deals , make coalitions , keep up dialogue with parties that do n't support you - has shown experience and loyalty to parliamentarism .", "Zyuganov , after 2-1/2 years as a parliamentarian - knows you ca n't go back to one-party rule , that you have to do deals , make coalitions , keep up dialogue with parties that do n't support you - has shown experience and loyalty to parliamentarism .", "Zyuganov , after 2-1/2 years as a parliamentarian - knows you ca n't go back to one-party rule , that you have to do deals , make coalitions , try and keep up dialogue with parties that do n't support you - has shown experience and loyalty to parliamentarism ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.27", "text": "With Yeltsin , this is a bit questionable .", "summaries": ["With Yeltsin , this is questionable .", "With Yeltsin , this is questionable .", "With Yeltsin , this is questionable ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.28", "text": "He has refused to found his own political party or lead one .", "summaries": ["He has refused to found his own political party or lead one .", "He has refused to found his own party or lead one .", "He has refused to found his own party ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.29", "text": "He did close down the Russian parliament in 1993 .", "summaries": ["He did close down the parliament in 1993 .", "He did close down the parliament in 1993 .", "He did close down the parliament in 1993 ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.3", "text": "He now talks about reviving Russia as a great power , so it 's a much more assertive kind of nationalist language than we used to hear from Yeltsin in the past when he was very pro-Western .", "summaries": ["He talks about reviving Russia as a great power , so it 's a more assertive nationalist language than we used to hear from Yeltsin .", "He talks about reviving Russia as a great power , so it 's a more assertive nationalist language than in the past when he was very pro-Western .", "He talks about reviving Russia as a great power , so it 's more nationalist language than we used to hear from Yeltsin when he was pro-Western ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.30", "text": "He has brought in a very authoritarian constitution which really downplays the role of parliament .", "summaries": ["He has brought in a very authoritarian constitution which downplays the role of parliament .", "He brought in a constitution which downplays the role of parliament .", "He brought in a very authoritarian constitution which downplays parliament ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.31", "text": "So , in those ways , I think the jury has to be a little bit out on how much of a real democrat Yeltsin is - or Zyuganov - because we know less about Zyuganov .", "summaries": ["the jury has to be out on how much of a democrat Yeltsin is - or Zyuganov - because we know less about Zyuganov .", "I think the jury has to be out on how much of a democrat Yeltsin is - or Zyuganov - we know less about Zyuganov .", "I think the jury has to be out on how much of a democrat Yeltsin is - or Zyuganov - because we know less about Zyuganov ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.32", "text": "Jonathan Steele spoke to us from London .", "summaries": ["Jonathan Steele spoke to us from London .", "Jonathan Steele spoke to us from London .", "Jonathan Steele spoke to us from London ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.33", "text": "He is an assistant editor of the British daily newspaper , The Guardian .", "summaries": ["He is an assistant editor of The Guardian .", "He is an assistant editor of the Guardian .", "He is an assistant editor of the newspaper , The Guardian ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.34", "text": "He is a former Moscow bureau chief and author of Eternal Russia .", "summaries": ["He is a former Moscow bureau chief and author of Eternal Russia .", "He is a former Moscow bureau chief and author of Eternal Russia .", "He is a former Moscow bureau chief and author of Eternal Russia ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.4", "text": "Secondly , he 's talking about spending much more to help the poorest sections of society .", "summaries": ["he 's talking about spending more to help the poorest sections of society .", "he 's talking about spending more to help the poorest sections of society .", "he 's talking about spending more to help the poorest ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.5", "text": "He 's talking about subsidizing the ailing military-industrial complex .", "summaries": ["He 's talking about subsidizing the military-industrial complex .", "He 's talking about subsidizing the military-industrial complex .", "He 's talking about subsidizing the military-industrial complex ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.6", "text": "He 's talking about some sort of controls on imports to protect Russian industry , so I think in many ways this sort of nationalist , protectionist , more state interventionist type of policy which the Communists advocate is really very similar to what Yeltsin now says he would do .", "summaries": ["He 's talking about controls on imports to protect Russian industry , so this nationalist , protectionist , more state interventionist policy which the Communists advocate is similar to what Yeltsin now says he would do .", "He 's talking about controls on imports to protect Russian industry , so in many ways this sort of nationalist , protectionist policy which the Communists advocate is similar to what Yeltsin now says .", "He 's talking about controls on imports to protect industry , so this nationalist , protectionist , state interventionist policy which the Communists advocate is similar to what Yeltsin says he would do ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.7", "text": "But do you think that this suggests a real lack of conviction on Boris Yeltsin 's part for the kind of policies that he has advanced as president , or is it simply a tactical abandonment of those for the campaign , and then policies that he would likely return to if he were re-elected ?", "summaries": ["do you think that this suggests a lack of conviction on Yeltsin 's part for the policies he has advanced as president , or is it a tactical abandonment of those for the campaign , policies that he would return to if he were re-elected ?", "do you think that this suggests a lack of conviction on Yeltsin 's part for the policies he has advanced as president , or is it a tactical abandonment of those for the campaign , policies he would return to if re-elected ?", "do you think this suggests a lack of conviction on Yeltsin 's part for the policies he advanced as president , or a tactical abandonment for the campaign ?"]} +{"id": "bn9623.rpi_segs.txt.960610.124.8", "text": "Well , I think it reflects a general current of change in Russian opinion over the last couple of years or so .", "summaries": ["I think it reflects a change in Russian opinion over the last years .", "I think it reflects a general current in Russian opinion over the last years .", "it reflects a change in Russian opinion over the last years ."]} +{"id": "bn9623.rpi_segs.txt.960610.124.9", "text": "I think there has been a disillusionment with the way the market economy was brought in and a feeling that you now have to correct it to some extent .", "summaries": ["I think there has been a disillusionment with the market economy and a feeling that you have to correct it .", "there has been a disillusionment the market economy and you now have to correct it .", "there has been disillusionment with the market economy and a feeling that you have to correct it ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.0", "text": "Over the past 18 months , churches with predominantly African-American congregations have been going up in flames in the states of Texas , North Carolina , South Carolina , Tennessee , Louisiana , Alabama , Mississippi , Virginia , and Georgia .", "summaries": ["Over the past 18 months , churches with African-American congregations have been going up in flames in Texas , North Carolina , South Carolina , Tennessee , Louisiana , Alabama , Mississippi , Virginia , and Georgia .", "the past months , churches with African-American congregations have been going up in flames in Texas , North Carolina , South Carolina , Tennessee , Louisiana , Alabama , Mississippi , Virginia , and Georgia .", "Over the past 18 months , churches with predominantly African-American congregations have been going up in flames in Texas , North Carolina , South Carolina , Tennessee , Louisiana , Alabama , Mississippi , Virginia , and Georgia ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.1", "text": "Clergymen met with Clinton administration officials today to talk about the federal response to these burnings .", "summaries": ["Clergymen met with officials today to talk about the federal response to these burnings .", "Clergymen met with officials to talk about the federal response .", "Clergymen met with Clinton administration officials to talk about the federal response ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.10", "text": "This juvenile has been served with a petition for violation of burning churches and certain other buildings , and the suspect is currently being detained in a juvenile detention facility .", "summaries": ["This juvenile has been served with a petition for violation of burning churches and other buildings , and the suspect is currently being detained .", "This juvenile has been served with a petition for violation of burning churches and other buildings , and is being detained .", "This juvenile has been served with a petition for violation of burning churches and is currently being detained in a juvenile detention facility ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.11", "text": "Two Charlotte-Mecklenberg police officers obtained some information through their sources , or whatever , to help make the initial investigation go in the direction of the suspect that was arrested late last night .", "summaries": ["Two Charlotte-Mecklenberg police officers obtained information through their sources to make the investigation go in the direction of the suspect that was arrested last night .", "Charlotte-Mecklenberg police obtained information through their sources to help make the investigation go in the direction of the suspect arrested last night .", "Two Charlotte-Mecklenberg police officers obtained information through their sources , to make the initial investigation go in the direction of the suspect ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.12", "text": "Additional information was supplied by some citizens who called in , provided that information , and that information they- the officials say , helped lead to the very quick arrest here in Charlotte .", "summaries": ["Additional information was supplied by citizens , and that information helped lead to the quick arrest .", "citizens who called in , provided information that helped lead to the arrest .", "Additional information was supplied by citizens who called in and that helped lead to the quick arrest ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.13", "text": "Again , this incident is- has- is being said that there is no apparent racial motivation .", "summaries": ["this incident is being said that there is no racial motivation .", "there is no apparent racial motivation .", "this incident has- no apparent racial motivation ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.14", "text": "There may be other causes involved , but that is not being discussed at this point .", "summaries": ["There may be other causes involved , but that is not being discussed .", "There may be other causes .", "There may be other causes not being discussed ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.15", "text": "A 13-year-old girl is in custody now , a white female .", "summaries": ["A 13-year-old girl is in custody , a white female .", "A 13-year-old is in custody , a white female .", "A 13-year-old is in custody , a white female ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.16", "text": "She has been charged with arson , setting the fire that torched the 93-year-old Matthews-Merkland [ sp ] old sanctuary that had not been in use for a number of years .", "summaries": ["She has been charged with setting the fire that torched the 93-year-old Matthews-Merkland sanctuary that had not been in use for years .", "She has been charged with arson , setting the fire that torched the Matthews-Merkland sanctuary that had not been in use .", "She has been charged with setting the fire that torched the 93-year-old Matthews-Merkland sanctuary that had not been in use for years ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.17", "text": "It has been a real loss in this community and at this point now , members of this congregation and others in the city are working to heal the emotional wounds and move on forward and show that they too can march together , black and white .", "summaries": ["It has been a loss in this community and members of this congregation and others are working to heal the emotional wounds and move on and show that they can march together , black and white .", "It has been a loss in this community and this congregation and the city are working to heal the wounds and move on together , black and white .", "this congregation and the city are working to heal the emotional wounds and show that they can march together , black and white ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.18", "text": "Reid ?", "summaries": ["Reid ?", "Reid ?", "Reid ?"]} +{"id": "bn9623.rpi_segs.txt.960610.18.19", "text": "All right .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.2", "text": "Against this backdrop , investigators are probing another suspicious overnight blaze at a black church in Greenville , Texas , while police say that they 've made an arrest in connection with the one that destroyed the old sanctuary of a black church in Charlotte , North Carolina .", "summaries": ["investigators are probing another overnight blaze at a black church in Greenville , Texas , while police say that they 've made an arrest in connection with the one that destroyed a church in Charlotte , North Carolina .", "investigators are probing another blaze in Greenville , Texas , while police 've made an arrest in connection with the one that destroyed the sanctuary of a church in Charlotte , North Carolina .", "investigators are probing another suspicious blaze at a black church in Texas , while police say that they 've made an arrest in connection with the one that destroyed the sanctuary of a black church in North Carolina ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.20", "text": "Thank you , Al Hinman live in Charlotte .", "summaries": ["Thank you , Al Hinman live in Charlotte .", "Al Hinman in Charlotte .", "Al Hinman in Charlotte ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.3", "text": "CNN 's Al Hinman joins us now , live from Charlotte , and has details .", "summaries": ["Al Hinman joins us now , and has details .", "Al Hinman joins us from Charlotte .", "Al Hinman has details ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.4", "text": "Al ?", "summaries": ["Al ?", "Al ?", "Al ?"]} +{"id": "bn9623.rpi_segs.txt.960610.18.5", "text": "Reid , their pressure here in Charlotte has been very great as it is mounting all across the Southeast and across the country to make sure that arrests are made and made very quickly .", "summaries": ["their pressure in Charlotte has been great as it is mounting across the Southeast and the country to make sure that arrests are made quickly .", "pressure in Charlotte has been great as it is mounting across the country to make sure that arrests are made quickly .", "pressure is mounting all across the country to make sure arrests are made ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.6", "text": "In Charlotte , from the very beginning , local city-county police officials , state and federal law enforcement agencies , all felt convinced they could solve this case very quickly and that 's exactly what they did .", "summaries": ["In Charlotte , city-county police officials , state and federal law enforcement agencies felt convinced they could solve this case quickly and that 's what they did .", "In Charlotte , local , state and federal law enforcement agencies felt they could solve this case quickly and they did .", "In Charlotte , local city-county police officials , state and federal law enforcement agencies , all felt convinced they could solve this case very quickly and they did ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.7", "text": "A comprehensive investigation resulted in a juvenile being charged with setting the fire .", "summaries": ["A comprehensive investigation resulted in a juvenile being charged with setting the fire .", "A investigation resulted in a juvenile being charged .", "A investigation resulted in a juvenile being charged with setting the fire ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.8", "text": "At this point there is no information to indicate that any other person is involved in this crime or that this incident is connected to any national or local conspiracy .", "summaries": ["there is no information that any other person is involved or that this incident is connected to any conspiracy .", "there is no information that any other person is involved or that this is connected to any conspiracy .", "there is no information to indicate that this incident is connected to any national or local conspiracy ."]} +{"id": "bn9623.rpi_segs.txt.960610.18.9", "text": "There is also no evidence that this incident was racially motivated .", "summaries": ["There is no evidence that this incident was racially motivated .", "There is no evidence that this was racially motivated .", "There is also no evidence that this was racially motivated ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.0", "text": "You may never see your own face on the silver screen , but perhaps your house ought to be in pictures .", "summaries": ["You may never see your face on the silver screen , but perhaps your house ought to be in pictures .", "perhaps your house ought to be in pictures .", "You may never see your face on the screen , but perhaps your house ought to be in pictures ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.1", "text": "Movie studios are on the look-out for the perfect house to use in films , finding it 's much cheaper than building a set from scratch .", "summaries": ["Movie studios are on the look-out for the perfect house , finding it 's much cheaper than building a set from scratch .", "studios are on the look-out for the perfect house , finding it cheaper than building a set .", "studios are on the look-out for the perfect house , finding it cheaper than building a set from scratch ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.10", "text": "So , before the first frame is shot , nail down a few essentials .", "summaries": ["before the first frame is shot , nail down a few essentials .", "before the first frame is shot , nail down a few essentials .", "before the first frame is shot , nail down essentials ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.11", "text": "Ask the right questions of exactly what they want to be doing there and when they want to be doing it ; and as well is to get everything in writing that you can .", "summaries": ["Ask the right questions of what they want to be doing there and when ; and get everything in writing that you can .", "Ask what they want to be doing and when and get everything in writing that you can .", "Ask exactly what they want to be doing there and when ; get everything in writing ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.12", "text": "In his book , Filmed on Location , James Leonis says insist on a contract that sets out specifics of the shoot , and make sure the studio has insurance covering any damage .", "summaries": ["insist on a contract that sets out specifics of the shoot , and make sure the studio has insurance covering any damage .", "In his book , Filmed on Location , James Leonis says insist on a contract that sets out specifics , and make sure the studio has insurance .", "In Filmed on Location , James Leonis says insist on a contract that sets out specifics , and make sure the studio has insurance covering any damage ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.13", "text": "Then , prepare for an invasion .", "summaries": ["prepare for an invasion .", "Then , prepare for an invasion .", "prepare for an invasion ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.14", "text": "They started setting up the house around Thanksgiving time , and now it 's June , and they 're still talking about shooting in our house .", "summaries": ["They started setting up the house around Thanksgiving time , and now it 's June , and they 're still talking about shooting .", "They started setting up around Thanksgiving , it 's June , and they 're still in our house .", "They started setting up around Thanksgiving , and now it 's June , and they 're still talking about shooting in our house ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.15", "text": "Rob Kos ' New Jersey home is being used for Columbia Pictures ' upcoming film , The Devil 's Own , starring Harrison Ford and Brad Pitt .", "summaries": ["Rob Kos ' New Jersey home is being used for The Devil 's Own , starring Harrison Ford and Brad Pitt .", "Rob Kos ' home is being used for The Devil 's Own , starring Harrison Ford and Brad Pitt .", "Rob Kos ' New Jersey home is being used for The Devil 's Own , starring Harrison Ford and Brad Pitt ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.16", "text": "Kos says , despite the commotion , the experience has been worthwhile .", "summaries": ["Kos says , despite the commotion , the experience has been worthwhile .", "Kos says the experience has been worthwhile .", "Kos says the experience has been worthwhile ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.17", "text": "It was an adventure and probably a once-in-a-lifetime experience to get to see behind the scenes of how movies are made ; and so we just rolled with the punches , and it 's been great .", "summaries": ["It was an adventure and a once-in-a-lifetime experience to see how movies are made ; so we just rolled with the punches , and it 's been great .", "It was an experience to see how movies are made ; so we rolled with the punches , and it 's been great .", "It was a once-in-a-lifetime experience to see how movies are made ; we rolled with the punches , and it 's been great ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.18", "text": "For most homeowners , the dream of stardom is a long shot .", "summaries": ["For most homeowners , the dream of stardom is a long shot .", "For most homeowners , stardom is a long shot .", "For most , stardom is a long shot ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.19", "text": "But to improve the odds of being discovered , list your home with state and local film commissions and production companies .", "summaries": ["to improve the odds of being discovered , list your home with film commissions and production companies .", "to improve the odds of being discovered , list your home with film commissions and production companies .", "to improve the odds , list your home with state and local film commissions and production companies ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.2", "text": "The homeowners answering that casting call can be lucrative , but it can also cause some headaches .", "summaries": ["The homeowners answering that call can be lucrative , but it can also cause headaches .", "that casting call can be lucrative , but it can also cause headaches .", "that casting call can be lucrative , but also cause headaches ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.20", "text": "That 's Your Money .", "summaries": ["That 's Your Money .", "That 's Your Money .", "That 's Your Money ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.21", "text": "I 'm Fred Katayama , CNN Financial News , New York .", "summaries": ["Fred Katayama , CNN Financial News , New York .", "Fred Katayama , CNN .", "Fred Katayama , New York ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.3", "text": "Fred Katayama reports in today 's edition of Your Money .", "summaries": ["Fred Katayama reports in today 's Your Money .", "Fred Katayama reports .", "Fred Katayama reports ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.4", "text": "Movie location scouts scour neighborhoods for a house with that certain star quality , usually searching for bigger homes with enough space for equipment plus 100 cast and crew .", "summaries": ["location scouts scour neighborhoods for a house with star quality , searching for bigger homes with enough space for equipment plus 100 cast and crew .", "location scouts scour neighborhoods for a house with enough space for equipment plus 100 cast and crew .", "Movie location scouts scour neighborhoods for a house with star quality , searching for homes with space for equipment plus 100 cast and crew ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.5", "text": "A modest house can fetch rental fees of $ 1,000 a day ; and a mansion , such as the one featured in Sabrina , can command a daily rate of $ 10,000 and up.", "summaries": ["A modest house can fetch rental fees of $ 1,000 a day ; a mansion can command a rate of $ 10,000", "A modest house can fetch $ 1,000 a day ; and a mansion , such as the one in Sabrina , $ 10,000", "A modest house can fetch $ 1,000 a day ; and a mansion can command a daily rate of $ 10,000 and up."]} +{"id": "bn9623.rpi_segs.txt.960611.252.6", "text": "If your home is chosen , clear away your romantic notions and focus on the reality .", "summaries": ["If your home is chosen , clear away your notions and focus on reality .", "If your home is chosen , clear away romantic notions and focus on the reality .", "If your home is chosen , clear away romantic notions and focus on reality ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.7", "text": "It 's hard to understand how all-consuming and huge a process it is.", "summaries": ["It 's hard to understand how all-consuming and huge it is.", "It 's hard to understand how huge a process it is.", "It 's hard to understand how all-consuming a process it is."]} +{"id": "bn9623.rpi_segs.txt.960611.252.8", "text": "Once we go into your home , we 're in almost every nook and cranny of your house .", "summaries": ["Once we go into your home , we 're in every nook and cranny .", "we 're in every nook and cranny of your house .", "we 're in almost every nook and cranny of your house ."]} +{"id": "bn9623.rpi_segs.txt.960611.252.9", "text": "The owners of a San Francisco home used in Mrs. Doubtfire sued the film 's producers , claiming the house was trashed .", "summaries": ["The owners of a home used in Mrs. Doubtfire sued the producers , claiming the house was trashed .", "The owners of a home used in Mrs. Doubtfire sued the producers , claiming the house was trashed .", "The owners of a San Francisco home used in Mrs. Doubtfire sued the film 's producers , claiming the house was trashed ."]} +{"id": "bn9624.rpi.txt.960612.42.0", "text": "A royal update and more now from the insider columnist for People magazine , Mitchell Fink .", "summaries": ["A royal update from the insider columnist for People magazine .", "A royal update from Mitchell Fink .", "A royal update from columnist Mitchell Fink ."]} +{"id": "bn9624.rpi.txt.960612.42.1", "text": "Hi , Mitchell .", "summaries": ["Hi , Mitchell .", "Hi .", "Hi , Mitchell ."]} +{"id": "bn9624.rpi.txt.960612.42.10", "text": "Eraser , by the way , opens June 21st .", "summaries": ["Eraser opens June 21st .", "Eraser opens June 21st .", "Eraser opens June 21st ."]} +{"id": "bn9624.rpi.txt.960612.42.11", "text": "And finally I think it 's the funniest thing in the world that Steven Spielberg will not be going on the new $ 110 million Jurassic Park attraction when the ride has its press preview this weekend at Universal Studios Hollywood .", "summaries": ["it 's the funniest thing in the world that Steven Spielberg will not be going on the $ 110 million Jurassic Park attraction when the ride has its press preview at Universal Studios Hollywood .", "Steven Spielberg will not be going on the Jurassic Park attraction when the ride has its press preview .", "finally Steven Spielberg will not be going on the new $ 110 million Jurassic Park ride ."]} +{"id": "bn9624.rpi.txt.960612.42.12", "text": "Although the attraction was designed to his specifications , Spielberg himself gets queasy around thrill rides , especially one like Jurassic Park , which climaxes with a drop of 84 feet into water .", "summaries": ["Although the attraction was designed to his specifications , Spielberg gets queasy around thrill rides , especially Jurassic Park , which climaxes with a drop of 84 feet into water .", "Although the attraction was designed to his specifications , Spielberg gets queasy around thrill rides , especially one which climaxes with a drop of 84 feet .", "designed to his specifications , Spielberg himself gets queasy around Jurassic Park , which climaxes with a drop of 84 feet into water ."]} +{"id": "bn9624.rpi.txt.960612.42.13", "text": "I 'm Mitchell Fink and I really ca n't blame Steven for not wanting to go on.", "summaries": ["I ca n't blame Steven for not wanting to go on.", "I really ca n't blame Steven", "I ca n't blame Steven for not wanting to go"]} +{"id": "bn9624.rpi.txt.960612.42.14", "text": "I 'm busy just getting queasy reporting it.", "summaries": ["I 'm getting queasy reporting it.", "I 'm getting queasy reporting it.", "I 'm getting queasy reporting it."]} +{"id": "bn9624.rpi.txt.960612.42.15", "text": "I 'm with you , Mitchell .", "summaries": ["I 'm with you .", "I 'm with you .", "I 'm with you , Mitchell ."]} +{"id": "bn9624.rpi.txt.960612.42.16", "text": "Mitchell , yesterday we reported that Jim Carrey went to The Cable Guy premier with his old girlfriend Lauren Holly .", "summaries": ["yesterday we reported that Jim Carrey went to The Cable Guy premier with his old girlfriend Lauren Holly .", "Jim Carrey went to The Cable Guy premier with Lauren Holly .", "Jim Carrey went to The Cable Guy premier with old girlfriend Lauren Holly ."]} +{"id": "bn9624.rpi.txt.960612.42.17", "text": "What are you hearing about their reunion ?", "summaries": ["What are you hearing about their reunion ?", "What are you hearing about their reunion ?", "are you hearing about their reunion ?"]} +{"id": "bn9624.rpi.txt.960612.42.18", "text": "Well , they did go together .", "summaries": ["they did go together .", "they did go together .", "they did go together ."]} +{"id": "bn9624.rpi.txt.960612.42.19", "text": "You know , they were broken up for a while , but I think this is a very difficult time , Jim , for Jim Carrey .", "summaries": ["they were broken up for a while , but this is a difficult time for Jim Carrey .", "they were broken up , but this is a difficult time for Jim Carrey .", "they were broken up but this is a difficult time for Jim Carrey ."]} +{"id": "bn9624.rpi.txt.960612.42.2", "text": "Hi , Jim , and say what you will about Princess Diana , this is a woman who absolutely knows how to get the most out of a photo opportunity .", "summaries": ["Princess Diana is a woman who knows how to get the most out of a photo opportunity .", "Princess Diana is a woman who knows how to get the most out of a photo opportunity .", "Hi , Jim , Princess Diana knows how to get the most out of a photo opportunity ."]} +{"id": "bn9624.rpi.txt.960612.42.20", "text": "You have to remember that it was a year ago , less than a year ago and Jim Carrey was catapulted into the heights of fame , the new $ 20 million man , he 's getting $ 20 million for Cable Guy and with a budget that 's probably only twice that , Jim Carrey is hearing negative stories now about Cable Guy .", "summaries": ["less than a year ago Jim Carrey was catapulted into fame , he 's getting $ 20 million for Cable Guy and with a budget that 's probably only twice that , Carrey is hearing negative stories about Cable Guy .", "it was a year ago Jim Carrey was catapulted into the heights of fame , he 's getting $ 20 million for Cable Guy and with a budget that 's only twice that , Jim Carrey is hearing negative stories now .", "a year ago Jim Carrey was catapulted into the heights of fame , he 's getting $ 20 million for Cable Guy with a budget that 's probably twice that , Carrey is hearing negative stories about Cable Guy ."]} +{"id": "bn9624.rpi.txt.960612.42.21", "text": "There 's been a negative buzz about this movie for a long time .", "summaries": ["There 's been a negative buzz about this movie .", "There 's been a negative buzz about this movie .", "There 's negative buzz about this movie ."]} +{"id": "bn9624.rpi.txt.960612.42.22", "text": "You know it opens tomorrow , so we 'll all see .", "summaries": ["it opens tomorrow , so we 'll see .", "it opens tomorrow .", "it opens , ."]} +{"id": "bn9624.rpi.txt.960612.42.23", "text": "But in the meantime , I do n't think he wants to be alone .", "summaries": ["I do n't think he wants to be alone .", "I do n't think he wants to be alone .", "I do n't think he wants to be alone ."]} +{"id": "bn9624.rpi.txt.960612.42.24", "text": "This is not a good time for him to be alone .", "summaries": ["This is not a good time for him to be alone .", "This is not a time to be alone .", "This is not a good time for him to be alone ."]} +{"id": "bn9624.rpi.txt.960612.42.25", "text": "Who better than Lauren Holly to be with him ?", "summaries": ["Who better than Lauren Holly to be with him ?", "Who better than Lauren Holly to be with him ?", "Who better than Lauren Holly ?"]} +{"id": "bn9624.rpi.txt.960612.42.26", "text": "Good enough .", "summaries": ["Good enough .", "Good .", "Good enough ."]} +{"id": "bn9624.rpi.txt.960612.42.27", "text": "Thanks Mitchell .", "summaries": ["Thanks Mitchell .", "Thanks .", "Thanks ."]} +{"id": "bn9624.rpi.txt.960612.42.28", "text": "We will see you next week .", "summaries": ["We will see you next week .", "We will see you next week .", "see you next week ."]} +{"id": "bn9624.rpi.txt.960612.42.29", "text": "All right .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9624.rpi.txt.960612.42.3", "text": "Take last week when Di visited Chicago .", "summaries": ["last week Di visited Chicago .", "Di visited Chicago .", "Take last week when Di visited Chicago ."]} +{"id": "bn9624.rpi.txt.960612.42.30", "text": "Okay .", "summaries": ["Okay .", "Okay .", "Okay ."]} +{"id": "bn9624.rpi.txt.960612.42.31", "text": "And we 'll see the rest of you right after this .", "summaries": ["we 'll see the rest of you after this .", "we 'll see you right after this .", "we 'll see the you right after this ."]} +{"id": "bn9624.rpi.txt.960612.42.32", "text": "Do n't go away .", "summaries": ["Do n't go away .", "Do n't go .", "Do n't go away ."]} +{"id": "bn9624.rpi.txt.960612.42.4", "text": "It was no accident that the men she danced with were all at least her height or taller .", "summaries": ["accident the men she danced with were her height or taller .", "the men she danced with were her height or taller .", "the men she danced with were her height or taller ."]} +{"id": "bn9624.rpi.txt.960612.42.5", "text": "Di 's perspective partners had to be pre-approved before they could take their turn with her on the dance floor , meaning if anyone was shorter than Di , they were not approved and therefore did not make the cut .", "summaries": ["Di 's partners had to be pre-approved , meaning if anyone was shorter , they did not make the cut .", "Di 's partners had to be pre-approved , meaning if anyone was shorter than Di , they did not make the cut .", "perspective partners had to be pre-approved before they could take their turn on the dance floor ."]} +{"id": "bn9624.rpi.txt.960612.42.6", "text": "And speaking of the royals , the Duchess of York , Sarah Ferguson , was in Los Angeles last week holed up at the Four Seasons Hotel and when she ventured out , I hear she visited some of the studios like Sony to have meetings involving TV projects .", "summaries": ["the Duchess of York was in Los Angeles last week and visited some studios to have meetings involving TV projects .", "the Duchess of York was in Los Angeles last week and she visited some studios to have meetings involving TV projects .", "Sarah Ferguson was in Los Angeles last week and she visited studios to have meetings involving TV projects ."]} +{"id": "bn9624.rpi.txt.960612.42.7", "text": "Apparently Fergie very much wants to have a career in television .", "summaries": ["Fergie wants to have a career in television .", "Fergie wants a career in television .", "Fergie wants a career in television ."]} +{"id": "bn9624.rpi.txt.960612.42.8", "text": "And now speaking of the Four Seasons , Arnold Schwarzenegger sure did n't make a lot of friends there this past weekend during the press junket for his new movie Eraser .", "summaries": ["speaking of the Four Seasons , Arnold Schwarzenegger did n't make a lot of friends there this past weekend during the press junket for Eraser .", "Arnold Schwarzenegger did n't make a lot of friends during the press junket for Eraser .", "speaking of the Four Seasons , Arnold Schwarzenegger did n't make friends there during the press junket for his movie Eraser ."]} +{"id": "bn9624.rpi.txt.960612.42.9", "text": "The junket was held at the Four Seasons and I hear that when Schwarzenegger was n't busy boasting about himself to the journalists with whom he had contact , he was condescending to the people who are paid to follow him around .", "summaries": ["The junket was held at the Four Seasons and when Schwarzenegger was n't busy boasting about himself to the journalists , he was condescending to the people who are paid to follow him around .", "when Schwarzenegger was n't busy boasting to the journalists , he was condescending to people .", "when Schwarzenegger was n't boasting about himself to the journalists , he was condescending to people ."]} +{"id": "bn9624.rpi.txt.960616.124.0", "text": "Thank you , Gillian Findlay , reporting live from Moscow .", "summaries": ["Thank you , Gillian Findlay , reporting from Moscow .", "Gillian Findlay , Moscow .", "Gillian Findlay , reporting from Moscow ."]} +{"id": "bn9624.rpi.txt.960616.124.1", "text": "The political fallout of this election will not just be felt within the Russian borders .", "summaries": ["The fallout of this election will not just be felt within the borders .", "The fallout of this election will not just be felt within the Russian borders .", "The fallout of this election will not just be felt within the Russian borders ."]} +{"id": "bn9624.rpi.txt.960616.124.10", "text": "Even if Yeltsin does win , it became clear this weekend policy towards Russia will be an issue in the U.S. presidential race .", "summaries": ["Even if Yeltsin does win , policy towards Russia will be an issue in the U.S. presidential race .", "Even if Yeltsin does win , policy towards Russia will be an issue in the presidential race .", "if Yeltsin does win , policy towards Russia will be an issue in the U.S. presidential race ."]} +{"id": "bn9624.rpi.txt.960616.124.11", "text": "For too long , President Clinton has delayed real action on enlarging NATO , putting the threats of Russian nationalists before the aspirations of democratic countries like Poland , the Czech republic , and Hungary .", "summaries": ["For too long , Clinton has delayed action on enlarging NATO , putting the threats of Russian nationalists before the aspirations of democratic countries .", "Clinton has delayed enlarging NATO , putting the threats of Russian nationalists before the aspirations of countries like Poland , the Czech republic , and Hungary .", "President Clinton has delayed action on enlarging NATO , putting the threats of Russian nationalists before the aspirations of democratic countries like Poland , the Czech republic , and Hungary ."]} +{"id": "bn9624.rpi.txt.960616.124.12", "text": "I believe that there 's too much of a tendency to identify the future of Russia with one particular Russian leader .", "summaries": ["there 's too much of a tendency to identify the future of Russia with one particular Russian leader .", "there 's a tendency to identify the future of Russia with one particular leader .", "I believe there 's a tendency to identify the future of Russia with one Russian leader ."]} +{"id": "bn9624.rpi.txt.960616.124.13", "text": "U.S. officials always saw Yeltsin as imperfect , at best .", "summaries": ["U.S. officials always saw Yeltsin as imperfect .", "U.S. officials always saw Yeltsin as imperfect .", "U.S. officials always saw Yeltsin as imperfect ."]} +{"id": "bn9624.rpi.txt.960616.124.14", "text": "For years he drank on the job , ignored widespread corruption , and took the advice of cronies to launch in Chechnya a disastrous war .", "summaries": ["he drank on the job , ignored corruption , and took the advice to launch in Chechnya a disastrous war .", "he drank on the job , ignored corruption , and took the advice to launch in Chechnya a war .", "he drank on the job , ignored corruption , and took the advice of cronies to launch in Chechnya a disastrous war ."]} +{"id": "bn9624.rpi.txt.960616.124.15", "text": "But with his ratings in the single digits two months ago , Yeltsin sprang into action and impressed Russians with an energetic , skillful campaign .", "summaries": ["But with his ratings in the single digits , Yeltsin sprang into action and impressed Russians with an energetic , skillful campaign .", "with ratings in the single digits two months ago , Yeltsin impressed Russians with an skillful campaign .", "with his ratings in the single digits two months ago , Yeltsin impressed Russians with an energetic campaign ."]} +{"id": "bn9624.rpi.txt.960616.124.16", "text": "Two months , ago , I mean , I was in panic .", "summaries": ["Two months ago I was in panic .", "Two months ago I was in panic .", "Two months ago , I was in panic ."]} +{"id": "bn9624.rpi.txt.960616.124.17", "text": "Now we 're thinking about the future .", "summaries": ["Now we 're thinking about the future .", "Now we 're thinking about the future .", "Now we 're thinking about the future ."]} +{"id": "bn9624.rpi.txt.960616.124.18", "text": "Still , of course , we keep our finger- fingers crossed , because everything could happen , you know , in our most unpredictable country .", "summaries": ["everything could happen in our most unpredictable country .", "we keep our fingers crossed , because everything could happen .", "we keep our finger- fingers crossed , because everything could happen in our unpredictable country ."]} +{"id": "bn9624.rpi.txt.960616.124.19", "text": "Russia will be an issue in November , but a Communist victory here would make it even more of one .", "summaries": ["Russia will be an issue in November , but a Communist victory would make it more of one .", "Russia will be an issue in November , but a Communist victory would make it more of one .", "Russia will be an issue in November , but a Communist victory would make it even more of one ."]} +{"id": "bn9624.rpi.txt.960616.124.2", "text": "There are some very serious poll-watchers thousands of miles away in Washington , seriously hoping their man will win .", "summaries": ["There are some serious poll-watchers in Washington , hoping their man will win .", "There are poll-watchers in Washington , hoping their man will win .", "There are poll-watchers in Washington , seriously hoping their man will win ."]} +{"id": "bn9624.rpi.txt.960616.124.20", "text": "Yet Clinton administration officials , with a major stake in the outcome , can do little more than wait and watch , as Russians make their choice .", "summaries": ["administration officials can do little more than wait and watch as Russians make their choice .", "Clinton administration officials , with a major stake in the outcome , wait and watch , as Russians make their choice .", "Yet Clinton administration officials can do little more than wait and watch , as Russians make their choice ."]} +{"id": "bn9624.rpi.txt.960616.124.21", "text": "David Ensor , ABC News , Moscow .", "summaries": ["David Ensor , ABC News , Moscow .", "David Ensor , ABC News .", "David Ensor , Moscow ."]} +{"id": "bn9624.rpi.txt.960616.124.22", "text": "In an election in Romania today , there is more than the usual interest .", "summaries": ["In an election in Romania , there is more than the usual interest .", "In an election in Romania , there is more than the usual interest .", "In an election in Romania , there is more than the usual interest ."]} +{"id": "bn9624.rpi.txt.960616.124.23", "text": "That 's because former tennis star Ilie Nastase is in the run-off election for mayor of Bucharest .", "summaries": ["former tennis star Ilie Nastase is in the run-off election for mayor of Bucharest .", "former tennis star Ilie Nastase is in the election for mayor of Bucharest .", "That 's because former tennis star Ilie Nastase is in the run-off for mayor of Bucharest ."]} +{"id": "bn9624.rpi.txt.960616.124.24", "text": "Although the tennis great is not expected to win , Nastase says he will stay in politics .", "summaries": ["Although not expected to win , Nastase says he will stay in politics .", "Although the tennis great is not expected to win , he will stay in politics .", "Although the tennis great is not expected to win , he will stay in politics ."]} +{"id": "bn9624.rpi.txt.960616.124.25", "text": "China and the U.S. are playing it down to the wire .", "summaries": ["China and the U.S. are playing it down to the wire .", "China and the U.S. are playing it down to the wire .", "China and the U.S. are playing down to the wire ."]} +{"id": "bn9624.rpi.txt.960616.124.26", "text": "Trade talks in Beijing have still produced no agreement .", "summaries": ["Trade talks in Beijing have produced no agreement .", "Trade talks have produced no agreement .", "Trade talks in Beijing have produced no agreement ."]} +{"id": "bn9624.rpi.txt.960616.124.27", "text": "The U.S. has threatened to impose sanctions at noon on Monday , but officials could decide to make that noon our time , giving the talks another 12 hours to avert a trade war .", "summaries": ["The U.S. has threatened to impose sanctions at noon on Monday , but officials could decide to make that noon our time , giving the talks 12 hours to avert a trade war .", "The U.S. has threatened to impose sanctions at noon on Monday , but officials could decide to make that noon our time , giving the talks 12 hours to avert a trade war .", "The U.S. has threatened to impose sanctions at noon on Monday , but officials could make that another 12 hours to avert a trade war ."]} +{"id": "bn9624.rpi.txt.960616.124.28", "text": "The U.S. wants China to crack down harder on factories pirating American CDs and films .", "summaries": ["The U.S. wants China to crack down on factories pirating American CDs and films .", "The U.S. wants China to crack down on factories pirating CDs and films .", "The U.S. wants China to crack down on factories pirating American CDs and films ."]} +{"id": "bn9624.rpi.txt.960616.124.29", "text": "Still ahead on World News Sunday : Whitewater committee Republicans point an accusing finger at the First Lady ; a disturbing trend in the black church burnings ; and later , getting their kicks on Route 66 .", "summaries": ["Still ahead : Whitewater committee Republicans point an accusing finger at the First Lady ; a disturbing in the black church burnings ; and getting their kicks on Route 66 .", "Still ahead : Whitewater committee Republicans point an finger at the First Lady ; disturbing black church burnings ; and getting their kicks on Route 66 .", "ahead on World News : Whitewater committee Republicans point an accusing finger at the First Lady ; a trend in the black church burnings ; and getting their kicks on Route 66 ."]} +{"id": "bn9624.rpi.txt.960616.124.3", "text": "ABC 's David Ensor explains .", "summaries": ["ABC 's David Ensor explains .", "David Ensor explains .", "David Ensor explains ."]} +{"id": "bn9624.rpi.txt.960616.124.4", "text": "The possibility of a victory by the Communist candidate sends shivers not only through Yeltsin 's Kremlin , but through President Clinton 's White House , too .", "summaries": ["The possibility of a victory by the Communist candidate sends shivers not only through Yeltsin 's Kremlin , but through Clinton 's White House , too .", "The possibility of a victory by the Communist candidate sends shivers through Clinton 's White House .", "The possibility of a victory by the Communist candidate sends shivers not only through Yeltsin 's Kremlin , but through President Clinton 's White House , too ."]} +{"id": "bn9624.rpi.txt.960616.124.5", "text": "A Communist victory would be bad news in an election year .", "summaries": ["A Communist victory would be bad in an election year .", "A Communist victory would be bad news .", "A Communist victory would be bad news in an election year ."]} +{"id": "bn9624.rpi.txt.960616.124.6", "text": "The immediate question from the Republicans would be `` Who lost Russia ? '", "summaries": ["The question from the Republicans would be `` Who lost Russia ? '", "The question from the Republicans would be `` Who lost Russia ? '", "The question from the Republicans would be `` Who lost Russia ? '"]} +{"id": "bn9624.rpi.txt.960616.124.7", "text": "The political message sent by a Communist victory that will be hard for them to erase is they did n't get it right , and now there 's a new problem for U.S. foreign policy to deal with .", "summaries": ["The message sent by a Communist victory that will be hard to erase is they did n't get it right , and now there 's a new problem for U.S. foreign policy .", "The message sent by a Communist victory is they did n't get it right , and there 's a new problem for U.S. foreign policy to deal with .", "The political message sent by a Communist victory is they did n't get it right , and there 's a new problem for U.S. foreign policy ."]} +{"id": "bn9624.rpi.txt.960616.124.8", "text": "But the administration 's top expert on Russia , the President 's old friend , deputy secretary of state Strobe Talbott , says there are contingency plans in case of a Communist win , and that if they should abandon the road to reform , the U.S. would stop supporting loans for Russia .", "summaries": ["the top expert on Russia , deputy secretary of state Strobe Talbott , says there are contingency plans in case of a Communist win , and that if they abandon reform , the U.S. would stop supporting Russia .", "the administration 's top expert on Russia , Strobe Talbott , says in case of a Communist win , and if they should abandon the road to reform , the U.S. would stop supporting loans for Russia .", "the administration 's top expert on Russia , deputy secretary of state Strobe Talbott , says there are contingency plans in case of a Communist win , and if they abandon the road to reform , the U.S. would stop loans for Russia ."]} +{"id": "bn9624.rpi.txt.960616.124.9", "text": "I 'm quite sure that President Clinton will be able to drive home the point that his administration is prepared for any outcome .", "summaries": ["I 'm sure that Clinton will be able to drive home the point that his administration is prepared for any outcome .", "Clinton will drive home the point that his administration is prepared for any outcome .", "President Clinton will drive home the point that his administration is prepared for any outcome ."]} +{"id": "bn9624.rpi.txt.960616.128.0", "text": "On this Father 's Day , we want to bring you the story of a difficult journey , a journey through the generations .", "summaries": ["this Father 's Day , we bring you the story of a difficult journey through the generations .", "On Father 's Day , we bring you the story of a journey through the generations .", "On Father 's Day , we want to bring you the story of a difficult journey through the generations ."]} +{"id": "bn9624.rpi.txt.960616.128.1", "text": "It 's going on in a prison in Pennsylvania .", "summaries": ["It 's going on in a prison in Pennsylvania .", "It 's going on in a prison in Pennsylvania .", "It 's in a prison in Pennsylvania ."]} +{"id": "bn9624.rpi.txt.960616.128.10", "text": "We took these troubled youth who do n't have fathers , and brought them into the room to dads who do n't have their children .", "summaries": ["We took these youth who do n't have fathers , and brought them to dads who do n't have their children .", "We took these youth who do n't have fathers , and brought them to dads who do n't have their children .", "We took youth who do n't have fathers , and brought them to dads who do n't have their children ."]} +{"id": "bn9624.rpi.txt.960616.128.11", "text": "Words these dads never had the courage to speak to their own fathers they now write and read out loud .", "summaries": ["Words these dads never had the courage to speak to their own fathers they now write and read out loud .", "Words these dads never had the courage to speak they now write and read out .", "Words these dads never had the courage to speak to their fathers they now write and read out loud ."]} +{"id": "bn9624.rpi.txt.960616.128.12", "text": "`` Dad , I have feelings .", "summaries": ["`` Dad , I have feelings .", "`` Dad , I have feelings .", "`` Dad , I have feelings ."]} +{"id": "bn9624.rpi.txt.960616.128.13", "text": "They still hurt to this day .", "summaries": ["They hurt to this day .", "They still hurt .", "They still hurt ."]} +{"id": "bn9624.rpi.txt.960616.128.14", "text": "The sad thing is , I grew up to be just like you . '", "summaries": ["The sad thing is , I grew up to be like you . '", "The sad thing is I grew up to be like you . '", "I grew up to be just like you . '"]} +{"id": "bn9624.rpi.txt.960616.128.15", "text": "Many hate the fathers they have now become .", "summaries": ["Many hate the fathers they have become .", "Many hate the fathers they have become .", "Many hate the fathers they have become ."]} +{"id": "bn9624.rpi.txt.960616.128.16", "text": "A good father would n't be in prison .", "summaries": ["A good father would n't be in prison .", "A good father would n't be in prison .", "A good father would n't be in prison ."]} +{"id": "bn9624.rpi.txt.960616.128.17", "text": "Right ?", "summaries": ["Right ?", "Right ?", "Right ?"]} +{"id": "bn9624.rpi.txt.960616.128.18", "text": "So I do n't think I was selling drugs , no.", "summaries": ["I do n't think I was selling drugs", "I do n't think I was selling drugs", "I do n't think I was selling drugs"]} +{"id": "bn9624.rpi.txt.960616.128.19", "text": "For most of the men , confronting their past is the most painful part of the parenting program , but it 's also the first step in resolving the rage they feel toward their fathers , and the shame with their own children .", "summaries": ["For most of the men , confronting their past is the most painful part of the program , but it 's the first step in resolving the rage they feel toward their fathers , and the shame with their children .", "confronting their past is painful , but it 's the first step in resolving the rage toward their fathers , and the shame with their children .", "For most , confronting their past is the most painful part of the program , but it 's the first step in resolving the rage toward their fathers , and the shame with their own children ."]} +{"id": "bn9624.rpi.txt.960616.128.2", "text": "Here 's ABC 's Alexander Johnson .", "summaries": ["Here 's Alexander Johnson .", "Here 's Alexander Johnson .", "ABC 's Alexander Johnson ."]} +{"id": "bn9624.rpi.txt.960616.128.20", "text": "`` It might seem strange , getting a letter from someone you have n't seen or heard from in over 10 years .", "summaries": ["`` It might seem strange , getting a letter from someone you have n't seen or heard from in over 10 years .", "`` It might seem strange , getting a letter from someone you have n't heard from in 10 years .", "`` It might seem strange , getting a letter from someone you have n't heard from in 10 years ."]} +{"id": "bn9624.rpi.txt.960616.128.21", "text": "It might seem even stranger , knowing that person is your father . '", "summaries": ["It might seem stranger , knowing that person is your father . '", "It might seem stranger , knowing that person is your father . '", "It might seem stranger , knowing that person is your father . '"]} +{"id": "bn9624.rpi.txt.960616.128.22", "text": "John Mitchell was convicted of telemarketing fraud .", "summaries": ["John Mitchell was convicted of telemarketing fraud .", "John Mitchell was convicted of fraud .", "John Mitchell was convicted of fraud ."]} +{"id": "bn9624.rpi.txt.960616.128.23", "text": "With 17-year-old Erin playing the part of his daughter , he reads a letter he 's too afraid to send .", "summaries": ["With 17-year-old Erin playing his daughter , he reads a letter he 's afraid to send .", "With 17-year-old Erin playing his daughter , he reads a letter he 's too afraid to send .", "With 17-year-old Erin playing his daughter , he reads a letter he 's too afraid to send ."]} +{"id": "bn9624.rpi.txt.960616.128.24", "text": "`` Because I did n't have the courage to talk to my own daughter . '", "summaries": ["`` Because I did n't have the courage to talk to my daughter . '", "`` I did n't have the courage to talk to my daughter . '", "`` I did n't have the courage to talk to my own daughter . '"]} +{"id": "bn9624.rpi.txt.960616.128.25", "text": "The roles reversed , John then listens to Erin , who abused drugs when communication with her father failed .", "summaries": ["The roles reversed , John listens to Erin , who abused drugs when communication with her father failed .", "John then listens to Erin , who abused drugs when communication with her father failed .", "The roles reversed , John listens to Erin , who abused drugs when communication with her father failed ."]} +{"id": "bn9624.rpi.txt.960616.128.26", "text": "`` And all the bad things I did was just a cry for my father to come and wrap his arms around me , and tell me he loved me . '", "summaries": ["`` all the bad things I did was a cry for my father to wrap his arms around me , and tell me he loved me . '", "`` the things I did was a cry for my father to come and tell me he loved me . '", "`` the bad things I did was just a cry for my father to wrap his arms around me , and tell me he loved me . '"]} +{"id": "bn9624.rpi.txt.960616.128.27", "text": "Lessons about how to build healthy relationships , lessons John and the other inmates , who graduated back to society this week , must now put to use at home .", "summaries": ["Lessons about how to build healthy relationships , lessons John and the other inmates , who graduated back to society this week , must put to use at home .", "Lessons about relationships , John and the other inmates , who graduated this week , must now put to use .", "Lessons how to build healthy relationships , John and the inmates , who graduated back to society , must put to use ."]} +{"id": "bn9624.rpi.txt.960616.128.28", "text": "I do n't know if I can be the perfect dad .", "summaries": ["I do n't know if I can be the perfect dad .", "I do n't know if I can be the perfect dad .", "I do n't know if I can be the perfect dad ."]} +{"id": "bn9624.rpi.txt.960616.128.29", "text": "I will do my best each day , and the important thing I 've learned is to keep an open ear , communicate , and just love .", "summaries": ["I will do my best , and I 've learned to keep an open ear , communicate , and just love .", "I will do my best , and I 've learned to communicate , and love .", "I will do my best , and I 've learned to keep an open ear , communicate , and love ."]} +{"id": "bn9624.rpi.txt.960616.128.3", "text": "Sentenced to this prison in rural Pennsylvania , these men knew they faced hard time together , but they were surprised to learn what else they have in common .", "summaries": ["Sentenced to this prison , these men knew they faced hard time together , but were surprised to learn what else they have in common .", "Sentenced to prison , these men were surprised to learn what they have in common .", "Sentenced to prison in Pennsylvania , these men knew they faced hard time together , but they were surprised to learn what else they have in common ."]} +{"id": "bn9624.rpi.txt.960616.128.30", "text": "A second chance at fatherhood .", "summaries": ["A second chance at fatherhood .", "A second chance at fatherhood .", "A second chance at fatherhood ."]} +{"id": "bn9624.rpi.txt.960616.128.31", "text": "Alexander Johnson , ABC News , Lewisburg , Pennsylvania .", "summaries": ["Alexander Johnson , ABC News , Lewisburg , Pennsylvania .", "Alexander Johnson , ABC .", "Alexander Johnson , ABC ."]} +{"id": "bn9624.rpi.txt.960616.128.4", "text": "I had no relationship with my father at all.", "summaries": ["I had no relationship with my father", "I had no relationship with my father", "I had no relationship with my father"]} +{"id": "bn9624.rpi.txt.960616.128.5", "text": "He beat me a lot as a child , very verbally abusive .", "summaries": ["He beat me as a child , verbally abusive .", "He beat me , verbally abusive .", "He beat me as a child ."]} +{"id": "bn9624.rpi.txt.960616.128.6", "text": "And what they also have in common with many juvenile offenders from this area .", "summaries": ["what they have in common with juvenile offenders from this area .", "what they have in common with many juvenile offenders .", "what they have in common with many juvenile offenders ."]} +{"id": "bn9624.rpi.txt.960616.128.7", "text": "Drugs and alcohol was more important than I was to him , and that- it really hurt- hurt inside .", "summaries": ["Drugs and alcohol was more important than I was to him , and that- hurt inside .", "Drugs and alcohol was more important to him , and it hurt .", "Drugs and alcohol was more important than I was to him , that- hurt inside ."]} +{"id": "bn9624.rpi.txt.960616.128.8", "text": "And I would stick notes under his pillow saying , `` I hate you , I hope you die . '", "summaries": ["I would stick notes under his pillow saying , `` I hate you , I hope you die . '", "I would stick notes under his pillow saying , `` I hate you , I hope you die . '", "I would stick notes under his pillow saying , `` I hate you , I hope you die . '"]} +{"id": "bn9624.rpi.txt.960616.128.9", "text": "Forced to their physical limits at this boot camp , these inmates must also face emotional tests , in a unique parenting program called HOPE .", "summaries": ["Forced to their physical limits at this boot camp , these inmates must face emotional tests , in a parenting program called HOPE .", "at this boot camp inmates face emotional tests , in a parenting program called HOPE .", "Forced to physical limits at boot camp , inmates must also face emotional tests , in a unique parenting program called HOPE ."]} +{"id": "bn9624.rpi.txt.960618.327.0", "text": "Mrs. Clinton is at the center of this investigation , along with her husband , partly because she had such an independent life of her own - first as a private lawyer in Arkansas , and then as an extremely active and politically involved First Lady .", "summaries": ["Mrs. Clinton is at the center of this investigation , because she had an independent life - first as a lawyer , and then as an active and politically involved First Lady .", "Mrs. Clinton is at the center of this investigation , along with her husband , because she had an independent life as a lawyer , and as an politically involved First Lady .", "Mrs. Clinton is at the center of this investigation , along with her husband , because she had an independent life - first as a private lawyer in Arkansas , and then as an active and involved First Lady ."]} +{"id": "bn9624.rpi.txt.960618.327.1", "text": "ABC 's Michele Norris tonight on some of the questions .", "summaries": ["Michele Norris on some of the questions .", "Michele Norris on the questions .", "Michele Norris on the questions ."]} +{"id": "bn9624.rpi.txt.960618.327.10", "text": "But the billing records recently found in the private quarters at the White House contradict that claim , showing that she did contact the state 's chief regulator on behalf of that bank .", "summaries": ["the billing records found quarters at the White House contradict that claim .", "the billing records at the White House contradict that , showing that she did contact the chief regulator on behalf of that bank .", "the billing records found in the White House contradict that claim , showing she did contact the state 's chief regulator on behalf of that bank ."]} +{"id": "bn9624.rpi.txt.960618.327.11", "text": "On the travel office firings two years ago , the First Lady claimed under oath that she had nothing to do with it.", "summaries": ["On the travel office firings two years ago , the First Lady claimed that she had nothing to do with it.", "two years ago , the First Lady claimed under oath that she had nothing to do with it.", "On the travel office firings , the First Lady claimed under oath that she had nothing to do with it."]} +{"id": "bn9624.rpi.txt.960618.327.12", "text": "And again , that claim was challenged by a memo from a White House staffer which quoted Mrs. Clinton as saying , `` We need those people out .", "summaries": ["that claim was challenged by a memo which quoted Mrs. Clinton as saying , `` We need those people out .", "a memo from White House quoted Mrs. Clinton saying , `` We need those people out .", "that claim was challenged by a memo from a White House staffer which quoted Mrs. Clinton saying , `` We need those people out ."]} +{"id": "bn9624.rpi.txt.960618.327.13", "text": "We need our people in. '", "summaries": ["We need our people in. '", "We need our people in. '", "We need our people in. '"]} +{"id": "bn9624.rpi.txt.960618.327.14", "text": "And in the wake of Vincent Foster 's suicide , there was testimony that documents were removed from his office ; a charge Mrs. Clinton denied .", "summaries": ["in the wake of Vincent Foster 's suicide , documents were removed from his office ; a charge Mrs. Clinton denied .", "in the wake of Vincent Foster 's suicide , there was testimony that documents were removed from his office ; a charge Mrs. Clinton denied .", "in the wake of Vincent Foster 's suicide , there was testimony documents were removed from his office ; a charge Mrs. Clinton denied ."]} +{"id": "bn9624.rpi.txt.960618.327.15", "text": "But under congressional inquiry , some of the First Lady 's closest advisers undercut her credibility with a collective case of amnesia .", "summaries": ["under congressional inquiry , the First Lady 's advisers undercut her credibility with a case of amnesia .", "under congressional inquiry , some of the First Lady 's advisers undercut her credibility with a collective case of amnesia .", "under inquiry , the First Lady 's closest advisers undercut her credibility with a collective case of amnesia ."]} +{"id": "bn9624.rpi.txt.960618.327.16", "text": "I do n't remember .", "summaries": ["I do n't remember .", "I do n't remember .", "I do n't remember ."]} +{"id": "bn9624.rpi.txt.960618.327.17", "text": "I do n't recall .", "summaries": ["I do n't recall .", "I do n't recall", "I do n't recall ."]} +{"id": "bn9624.rpi.txt.960618.327.18", "text": "I have no firm recollection .", "summaries": ["I have no recollection .", "I have no recollection .", "I have no recollection ."]} +{"id": "bn9624.rpi.txt.960618.327.19", "text": "The Clintons accuse their critics of bombarding them with a never-ending stream of questions to keep them on the defensive .", "summaries": ["The Clintons accuse their critics of bombarding them with questions to keep them on the defensive .", "The Clintons accuse their critics of bombarding them with questions to keep them on the defensive .", "The Clintons accuse their critics of bombarding them with never-ending questions to keep them on the defensive ."]} +{"id": "bn9624.rpi.txt.960618.327.2", "text": "The questions started from the very beginning , when the Clintons were campaigning four years ago .", "summaries": ["The questions started when the Clintons were campaigning four years ago .", "The questions started when the Clintons were campaigning four years ago .", "The questions started when the Clintons were campaigning four years ago ."]} +{"id": "bn9624.rpi.txt.960618.327.20", "text": "But an examination of the First Lady 's statements suggest that problems like Whitewater stay afloat because while the questions keep coming , the answers often change .", "summaries": ["problems like Whitewater stay afloat because while the questions keep coming , the answers change .", "an examination of the First Lady 's statements suggest that problems stay because while questions keep coming , answers often change .", "an examination of the First Lady 's statements suggest that problems stay afloat because while the questions keep coming , the answers often change ."]} +{"id": "bn9624.rpi.txt.960618.327.21", "text": "Michele Norris , ABC News , Washington .", "summaries": ["Michele Norris , ABC News , Washington .", "Michele Norris , ABC .", "Michele Norris , Washington ."]} +{"id": "bn9624.rpi.txt.960618.327.3", "text": "Can we ask Mrs. Clinton ?", "summaries": ["Can we ask Mrs. Clinton ?", "Can we ask Mrs. Clinton ?", "Can we ask Mrs. Clinton ?"]} +{"id": "bn9624.rpi.txt.960618.327.4", "text": "Sure .", "summaries": ["Sure .", "Sure .", "Sure ."]} +{"id": "bn9624.rpi.txt.960618.327.5", "text": "Ask her whatever you want .", "summaries": ["Ask her whatever you want .", "Ask her whatever .", "Ask her whatever ."]} +{"id": "bn9624.rpi.txt.960618.327.6", "text": "On the issue of Whitewater , Mrs. Clinton denied representing her partner Jim McDougal 's bank before Arkansas state regulators .", "summaries": ["On the issue of Whitewater , Mrs. Clinton denied representing her partner Jim McDougal 's bank before state regulators .", "On Whitewater , Mrs. Clinton denied representing Jim McDougal 's bank before Arkansas regulators .", "On Whitewater , Mrs. Clinton denied representing Jim McDougal 's bank before Arkansas regulators ."]} +{"id": "bn9624.rpi.txt.960618.327.7", "text": "My firm has done work for the bank .", "summaries": ["My firm has done work for the bank .", "My firm has done work for the bank .", "My firm has done work for the bank ."]} +{"id": "bn9624.rpi.txt.960618.327.8", "text": "That 's right .", "summaries": ["That 's right .", "That 's right .", "right ."]} +{"id": "bn9624.rpi.txt.960618.327.9", "text": "And I have done work for the bank not related to the state at all.", "summaries": ["I have done work for the bank not related to the state", "I have done work not related to the state", "I have done work for the bank not related to the state"]} +{"id": "bn9624.rpi.txt.960619.350.0", "text": "Now , for his part , Bob Dole is campaigning in the Golden State , hoping to cut into Bill Clinton 's lead in the polls .", "summaries": ["Bob Dole is campaigning in the Golden State , hoping to cut into Bill Clinton 's lead in the polls .", "Dole is campaigning in the Golden State , hoping to cut into Clinton 's lead in the polls .", "Bob Dole is campaigning in the Golden State , hoping to cut Bill Clinton 's lead in the polls ."]} +{"id": "bn9624.rpi.txt.960619.350.1", "text": "A new survey shows the president leading Dole by 23-percentage points in California in a two-man race , 57 percent to 34 percent .", "summaries": ["A survey shows the president leading Dole in California , 57 percent to 34 percent .", "A survey shows the president leading Dole in California , 57 percent to 34 .", "A new survey shows the president leading Dole in California 57 percent to 34 percent ."]} +{"id": "bn9624.rpi.txt.960619.350.10", "text": "This is , really , the start of Mr. Dole 's California campaign .", "summaries": ["This is the start of Dole 's California campaign .", "This is the start of Dole 's California campaign .", "This is the start of Dole 's California campaign ."]} +{"id": "bn9624.rpi.txt.960619.350.11", "text": "Ken Kachigian is aboard as the man in charge .", "summaries": ["Ken Kachigian is aboard as the man in charge .", "Ken Kachigian is in charge .", "Ken Kachigian is in charge ."]} +{"id": "bn9624.rpi.txt.960619.350.12", "text": "He has a plan - where you go , what to do , what to talk about .", "summaries": ["He has a plan - where you go , what to do , what to talk about .", "He has a plan - where you go , what to do , what to talk about .", "He has a plan ."]} +{"id": "bn9624.rpi.txt.960619.350.13", "text": "And Dole , who is notoriously undisciplined as a speaker , everything seems to wander all over the lot , this time has been very good about that .", "summaries": ["Dole , undisciplined as a speaker , this time has been good about that .", "Dole , notoriously undisciplined as a speaker , this time has been very good .", "Dole , undisciplined as a speaker , has been good ."]} +{"id": "bn9624.rpi.txt.960619.350.14", "text": "He is not talking about Whitewater , he is not even talking about the FBI files .", "summaries": ["He is not talking about Whitewater , he is not talking about the FBI files .", "He is not talking about Whitewater , not even about the FBI files .", "He is not talking about Whitewater , not about the FBI files ."]} +{"id": "bn9624.rpi.txt.960619.350.15", "text": "He was on message , a defensive end , a farm event , and this morning 's issue - illegal immigration .", "summaries": ["He was on message , a defensive end , a farm event , and illegal immigration .", "He was on message , a defensive end , a farm event , and illegal immigration .", "He was on message , and this morning 's issue - illegal immigration ."]} +{"id": "bn9624.rpi.txt.960619.350.16", "text": "If the federal government does n't want the responsibility of taking control of our borders , then maybe they ought to turn it over to the states .", "summaries": ["If the federal government does n't want the responsibility of taking control of our borders , then they ought to turn it over to the states .", "If the government does n't want the responsibility of our borders , they ought to turn it over to the states .", "If the federal government does n't want the responsibility of our borders , then they ought to turn it over to the states ."]} +{"id": "bn9624.rpi.txt.960619.350.17", "text": "But as long as the federal government has it - and I believe we should have it - we ought to be able to control the borders , and we should n't stick the states with billions and billions of dollars of extra expenses , particularly a state as large as California .", "summaries": ["the federal government ought to be able to control the borders , and we should n't stick the states with billions of dollars of expenses .", "the federal government ought to be able to control the borders , and should n't stick the states with billions of dollars of expenses , particularly California .", "we ought to be able to control the borders and we should n't stick the states with billions of dollars of expenses , particularly California ."]} +{"id": "bn9624.rpi.txt.960619.350.18", "text": "Because each year an additional 300,000 individuals are in our country illegally - not legally , illegally .", "summaries": ["each year an additional 300,000 individuals are in our country illegally .", "each year 300,000 individuals are in our country illegally .", "each year an additional 300,000 individuals are in our country illegally ."]} +{"id": "bn9624.rpi.txt.960619.350.19", "text": "And about of them come to California .", "summaries": ["And of them come to California .", "And about of them come to California .", "of them come to California ."]} +{"id": "bn9624.rpi.txt.960619.350.2", "text": "A year ago , Dole lead Mr. Clinton in California 47 percent to 42 percent .", "summaries": ["A year ago , Dole lead Clinton in California 47 percent to 42 percent .", "A year ago , Dole lead 47 to 42 .", "A year ago , Dole lead Clinton in California 47 percent to 42 percent ."]} +{"id": "bn9624.rpi.txt.960619.350.20", "text": "And each illegal entry into this country is an affront , not just to the laws of the United States , but to every immigrant who did the right thing , played by the rules , and came to this country legally .", "summaries": ["each illegal entry is an affront , not just to the laws of the United States , but to every immigrant who came to this country legally .", "each illegal entry is an affront , not just to the laws , but to every immigrant who came to this country legally .", "each illegal entry is an affront not just to the laws of the United States , but to every immigrant who came to this country legally ."]} +{"id": "bn9624.rpi.txt.960619.350.21", "text": "As far as being down in the polls is concerned , there is also some recent history in California that suggests the voters are in a flighty mood .", "summaries": ["recent history in California suggests the voters are in a flighty mood .", "there is also some recent history in California that suggests the voters are in a flighty mood .", "in polls , recent history in California suggests voters are in a flighty mood ."]} +{"id": "bn9624.rpi.txt.960619.350.22", "text": "Governor Pete Wilson was behind Kathleen Brown by 23 points .", "summaries": ["Governor Pete Wilson was behind Kathleen Brown by 23 points .", "Governor Pete Wilson was behind Kathleen Brown by 23 points .", "Governor Pete Wilson was behind Kathleen Brown by 23 points ."]} +{"id": "bn9624.rpi.txt.960619.350.23", "text": "He wound up beating her by 15 .", "summaries": ["He wound up beating her by 15 .", "He wound up beating her by 15 .", "He wound up beating her by 15 ."]} +{"id": "bn9624.rpi.txt.960619.350.24", "text": "That 's a 38-point swing , and Kachigian and others who are working on the Dole campaign love to talk about those numbers .", "summaries": ["That 's a 38-point swing , and Kachigian and others working on the Dole campaign love to talk about those numbers .", "That 's a 38-point swing , and the Dole campaign love those numbers .", "That 's a 38-point swing , and the Dole campaign love those numbers ."]} +{"id": "bn9624.rpi.txt.960619.350.25", "text": "Bernie ?", "summaries": ["Bernie ?", "Bernie ?", "Bernie ?"]} +{"id": "bn9624.rpi.txt.960619.350.26", "text": "Thank you , Bruce Morton in Woodland Hills , California .", "summaries": ["Thank you , Bruce Morton in Woodland Hills , California .", "Thank you , Bruce .", "Thank you , Bruce Morton in California ."]} +{"id": "bn9624.rpi.txt.960619.350.3", "text": "Our man Bruce Morton is in Woodland Hills , California , with the Dole campaign .", "summaries": ["Bruce Morton is in Woodland Hills with the Dole campaign .", "Bruce Morton is with the Dole campaign .", "Bruce Morton is in California , with the Dole campaign ."]} +{"id": "bn9624.rpi.txt.960619.350.4", "text": "Bruce , any reaction to these poll numbers ?", "summaries": ["any reaction to these numbers ?", "any reaction to these numbers ?", "any reaction to these numbers ?"]} +{"id": "bn9624.rpi.txt.960619.350.5", "text": "Well , Bernie , what they say is , first of all , one poll is one poll , and it 's just that - a moment in time .", "summaries": ["what they say is one poll is one poll , and it 's just that - a moment in time .", "they say one poll is one poll .", "first , one poll is just that - a moment in time ."]} +{"id": "bn9624.rpi.txt.960619.350.6", "text": "It may be accurate , it may not .", "summaries": ["It may be accurate , it may not .", "It may be accurate , it may not .", "It may be accurate , it may not ."]} +{"id": "bn9624.rpi.txt.960619.350.7", "text": "The second thing is , this is a Field [ sp ] poll , and some of the staff people say they have reservations about Mervin Field 's [ sp ] polls .", "summaries": ["this is a Field poll , and some of the staff have reservations about Mervin Field 's polls .", "this is a Field poll , and staff have reservations about Mervin Field .", "second , some of the staff have reservations about Mervin Field 's polls ."]} +{"id": "bn9624.rpi.txt.960619.350.8", "text": "He has been famously wrong once or twice in the past , so they really are tending to downplay it.", "summaries": ["He has been wrong in the past , so they are tending to downplay it.", "He has been wrong in the past , so they are tending to downplay it.", "He has been famously wrong in the past , so they downplay it."]} +{"id": "bn9624.rpi.txt.960619.350.9", "text": "It does n't , of course , reflect this California swing .", "summaries": ["It does n't reflect this California swing .", "It does n't reflect this California swing .", "It does n't reflect this California swing ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.0", "text": "Today Democrats accused Robert Dole of breaking federal election law by overspending in his presidential campaign .", "summaries": ["Democrats accused Robert Dole of breaking election law by overspending in his campaign .", "Democrats accused Dole of breaking election law by overspending in his campaign .", "Democrats accused Robert Dole of breaking federal law by overspending in his presidential campaign ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.1", "text": "In April , the Dole campaign came close to the $ 37 million spending limit , a limit Dole promised to abide by , in exchange for taking federal matching funds .", "summaries": ["In April , the campaign came close to the $ 37 million limit Dole promised to abide by , in exchange for taking federal matching funds .", "the Dole campaign came close to the $ 37 million spending limit , Dole promised to abide by , in exchange for federal matching funds .", "In April , Dole came close to the $ 37 million spending limit , in exchange for taking federal matching funds ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.10", "text": "In a complaint filed today at the Federal Election Commission , the DNC focuses on Dole 's campaign spending from May 1st to the GOP convention in August .", "summaries": ["In a complaint filed at the Federal Election Commission , the DNC focuses on Dole 's spending from May 1st to the GOP convention in August .", "In a complaint filed today , the DNC focuses on Dole 's campaign spending from May 1st to the GOP convention .", "a complaint filed at the Federal Election Commission focuses on Dole 's campaign spending from May 1st to the GOP convention ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.11", "text": "After the convention , both Dole and Clinton will get $ 62 million from the Treasury for the fall campaign , but until then , the DNC 's general counsel , Joe Sandler , says his analysis shows that Dole is out of money .", "summaries": ["After the convention , both Dole and Clinton will get $ 62 million for the fall campaign , but until then Dole is out of money .", "Dole and Clinton will get $ 62 million from the Treasury for the fall campaign , but until then , the DNC 's analysis shows that Dole is out of money .", "After the convention , both Dole and Clinton will get $ 62 million from the Treasury for the fall , but until then , the DNC 's analysis shows that Dole is out of money ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.12", "text": "For the month of May , we constructed or determined the minimal costs that the Dole campaign must have spent , based on past spending patterns , as reflected in their FEC reports and press accounts of campaign operations .", "summaries": ["For of May , we determined the costs that the Dole campaign must have spent , based on past patterns , as reflected in their FEC reports and press accounts of campaign operations .", "For May , we determined the minimal costs that the campaign must have spent , based on past patterns reflected in FEC reports and press accounts of campaign operations .", "For the month of May , we determined the minimal costs that the Dole campaign spent , based on past patterns in their FEC reports and press accounts of campaign operations ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.13", "text": "The Democrats released a two-inch-thick pack of spreadsheets and other documents to support their charges - first , that the Dole campaign is already $ 343,000 over the limit ; second , that the Republican National Committee and other organizations are secretly paying for campaign activities ; and third , that there 's no way Dole can get through the convention without going over the limit by at least a million dollars .", "summaries": ["The Democrats released spreadsheets and other documents to support their charges that the campaign is $ 343,000 over the limit , that the Republican National Committee and other organizations are secretly paying for campaign activities and that there 's no way Dole can get through the convention without going over the limit by a million dollars .", "The Democrats released a pack documents to support their charges - that the Dole campaign is $ 343,000 over the limit ; that the Republican National Committee and other organizations are paying for campaign activities ; and that there 's no way Dole can get through the convention without going over the limit by a million dollars .", "The Democrats documents support that the Dole campaign is already $ 343,000 over , that the Republican National Committee are paying for campaign activities and that there 's no way Dole can get through the convention without going over by a million dollars ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.14", "text": "Dole denied that his campaign has overspent or broken any campaign finance laws .", "summaries": ["Dole denied that his campaign has overspent or broken any laws .", "Dole denied that his campaign has overspent or broken any laws .", "Dole denied his campaign has broken campaign finance laws ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.15", "text": "He said Clinton is getting undisclosed support from organized labor , and pointed out that Clinton did n't have primary challengers like he did .", "summaries": ["He said Clinton is getting undisclosed support from organized labor , and that Clinton did n't have primary challengers .", "He said Clinton is getting undisclosed support , and that Clinton did n't have primary challengers .", "He said Clinton is getting undisclosed support from organized labor , and that Clinton did n't have primary challengers ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.16", "text": "But he got a $ 10 million subsidy for you taxpayers for his campaign , even without any real opposition .", "summaries": ["But he got a $ 10 million subsidy for taxpayers for his campaign without opposition .", "But he got a $ 10 million subsidy for his campaign .", "he got a $ 10 million subsidy for his campaign , without any real opposition ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.17", "text": "And then organized labor came to town and laid down 35 million bucks and said , `` Here you are , Mr. President .", "summaries": ["And then organized labor laid down 35 million bucks .", "And organized labor laid down 35 million bucks .", "then organized labor laid down 35 million bucks ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.18", "text": "Here 's 35 million . '", "summaries": ["Here 's 35 million . '", "Here 's 35 million . '", "Here 's 35 million . '"]} +{"id": "bn9624.rpi_segs.txt.960611.63.19", "text": "Dole got reinforcements from the Republican National Committee .", "summaries": ["Dole got reinforcements from the Republican National Committee .", "Dole got reinforcements from the Republican National Committee .", "Dole got reinforcements ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.2", "text": "Democrats charge he exceeded the limit in May .", "summaries": ["Democrats charge he exceeded the limit in May .", "Democrats charge he exceeded the limit .", "Democrats charge he exceeded the limit in May ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.20", "text": "Chairman Haley Barbour called a news conference right after the Democrats held theirs .", "summaries": ["Chairman Haley Barbour called a news conference right after the Democrats held theirs .", "Chairman Haley Barbour called a news conference .", "Chairman Haley Barbour called a news conference after the Democrats ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.21", "text": "It is a typical tactic of the left to try to win in court what you ca n't win at the ballot box .", "summaries": ["It is a tactic of the left to try to win in court what you ca n't win at the ballot box .", "It is a tactic of the left to try to win in court what you ca n't win at the ballot box .", "It is a tactic of the left to try to win in court what you ca n't win at the ballot box ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.22", "text": "This is a transparent attempt by Bill Clinton and the Democrat Party to try to divert attention away from the bad news that 's getting worse about their own legal and ethical problems .", "summaries": ["This is a transparent attempt by Clinton and the Democrat Party to try to divert attention away from the bad news about their own legal and ethical problems .", "This is a attempt by the Democrat Party to divert attention from their legal and ethical problems .", "This is a attempt by Clinton and the Democrat Party to divert attention from the bad news about their own legal and ethical problems ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.23", "text": "Barbour released a page of numbers from the Dole campaign .", "summaries": ["Barbour released numbers from the Dole campaign .", "Barbour released numbers from the Dole campaign .", "Barbour released numbers from the Dole campaign ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.24", "text": "It started out at the same point the Democrats did - a campaign almost flat broke - but listed income , both real and anticipated , that the Democrats did n't include .", "summaries": ["It started out at the same point the Democrats did but listed income that the Democrats did n't include .", "It started out at the same point the Democrats did but listed income that the Democrats did n't include .", "It started out broke - but listed income , both real and anticipated , that the Democrats did n't ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.25", "text": "Much of it would come from selling assets of Dole 's primary campaign - computers , television spots and everything in between - to the general election campaign .", "summaries": ["it would come from selling assets of Dole 's primary campaign to the general election campaign .", "it would come from selling assets of Dole 's primary campaign - computers , television spots - to the general election campaign .", "it would come from selling assets of Dole 's primary campaign to the general election campaign ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.26", "text": "But Barbour said campaign spending ought to be deregulated .", "summaries": ["Barbour said campaign spending ought to be deregulated .", "Barbour said campaign spending ought to be deregulated .", "Barbour said campaign spending ought to be deregulated ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.27", "text": "We 've got a law that 's grossly unfair .", "summaries": ["We 've got a law that 's unfair .", "We 've got a law that 's unfair .", "We 've got a law that 's unfair ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.28", "text": "I mean , we 're sitting in a situation right now where Bill Clinton , as of May 31st , had $ 20 million in the bank to spend for his general election .", "summaries": ["we 're in a situation where Clinton had $ 20 million to spend for his general election .", "Clinton , as of May 31st , had $ 20 million to spend for his election .", "Bill Clinton , as of May 31st , had $ 20 million for his general election ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.29", "text": "He 's just got to spend it for general election purposes prior to August the 29th .", "summaries": ["He 's got to spend it for general election purposes prior to August the 29th .", "He 's got to spend it for general election purposes prior to August the 29th .", "He 's got to spend it for election purposes prior to August 29th ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.3", "text": "NPR 's Peter Overby reports .", "summaries": ["NPR 's Peter Overby reports .", "Peter Overby reports .", "Peter Overby reports ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.30", "text": "Bob Dole , under this law , because he had to win his party 's primary , has about a million dollars .", "summaries": ["Dole , because he had to win his party 's primary , has a million dollars .", "Dole , because he had to win his primary , has about a million .", "Dole , because he had to win his party 's primary , has a million dollars ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.31", "text": "That is grossly unfair .", "summaries": ["That is unfair .", "That is unfair .", "That is unfair ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.32", "text": "It is a stupid law .", "summaries": ["It is a stupid law .", "It is a stupid law .", "It is a stupid law ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.33", "text": "The American people- what the American people want is competitive politics .", "summaries": ["The American people want competitive politics .", "the American people want competitive politics .", "The American people want competitive politics ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.34", "text": "The Democrats are asking for immediate action from the Federal Election Commission , but that body moves slowly .", "summaries": ["The Democrats are asking for action from the Federal Election Commission , but that moves slowly .", "The Democrats are asking for immediate action from the Federal Election Commission that moves slowly .", "The Democrats are asking for action from the Federal Election Commission , but that body moves slowly ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.35", "text": "For example , the FEC fined House Democratic leader Richard Gephardt for violations by his 1988 presidential campaign .", "summaries": ["the FEC fined House Democratic leader Richard Gephardt for violations by his 1988 presidential campaign .", "the FEC fined Richard Gephardt for violations by his 1988 campaign .", "the FEC fined Democratic leader Richard Gephardt for violations by his 1988 presidential campaign ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.36", "text": "He paid the fine in 1995 .", "summaries": ["He paid in 1995 .", "He paid the fine in 1995 .", "He paid the fine in 1995 ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.37", "text": "I 'm Peter Overby in Washington .", "summaries": ["I 'm Peter Overby in Washington .", "Peter Overby Washington .", "Peter Overby in Washington ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.4", "text": "The Dole for President campaign spent heavily last winter trying to build a sense of inevitability around his candidacy .", "summaries": ["The Dole campaign spent heavily to build a sense of inevitability around his candidacy .", "The Dole for President campaign spent heavily last winter .", "The Dole campaign spent heavily last winter trying to build his candidacy ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.5", "text": "When Pat Buchanan 's populism and Steve Forbes ' personal fortune made the race more competitive , Dole had to keep on spending .", "summaries": ["When Pat Buchanan and Steve Forbes made the race more competitive , Dole had to keep on spending .", "When Pat Buchanan and Steve Forbes made the race more competitive , Dole had to keep on spending .", "Pat Buchanan 's populism and Steve Forbes ' personal fortune made Dole keep on spending ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.6", "text": "Don Fowler , chairman of the Democratic National Committee , says Dole knew the rules when he decided to run .", "summaries": ["Dole knew the rules when he decided to run .", "Don Fowler , chairman of the Democratic National Committee , says Dole knew the rules .", "Don Fowler , chairman of the Democratic National Committee , says Dole knew the rules ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.7", "text": "He made the decisions in 1995 , in early 1996 , to spend at a very high rate .", "summaries": ["He made the decisions to spend at a high rate .", "He made the decisions in 1995 to spend at a high rate .", "He made decisions to spend at a high rate ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.8", "text": "He made those decisions on his own .", "summaries": ["He made those decisions on his own .", "He made those decisions on his own .", "He made those decisions ."]} +{"id": "bn9624.rpi_segs.txt.960611.63.9", "text": "He expended most of his money , and the fact that he 's out of money now and being forced to violate the law is his responsibility .", "summaries": ["He expended most of his money , and the fact that he 's out of money and being forced to violate the law is his responsibility .", "He expended his money , and being forced to violate the law is his responsibility .", "He expended most of his money , and that he 's now forced to violate the law is his responsibility ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.0", "text": "Bob Dole is also catching flack from another angle- the Democratic National Committee today charged he has played fast and loose with primary campaing spending limits .", "summaries": ["Bob Dole is catching flack from another angle- the Democratic National Committee today charged he has played fast and loose with primary campaing spending limits .", "Bob Dole is catching flack from the Democratic National Committee charged he has played fast and loose with campaing spending limits .", "Bob Dole is catching flack from another angle- the Democratic National Committee today charged he has played fast and loose with primary campaing spending limits ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.1", "text": "The Dole camp denies it.", "summaries": ["The Dole camp denies it.", "The Dole camp denies it.", "Dole denies it."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.10", "text": "Clinton 's campaign got federal matching funds , ostensibly for his primary campaign , based on contributions received after he was nominated .", "summaries": ["Clinton 's campaign got federal funds , ostensibly for his primary campaign , based on contributions received after he was nominated .", "Clinton 's campaign got federal funds for his primary campaign , based on contributions received after he was nominated .", "Clinton 's campaign got federal matching funds for his primary campaign , based on contributions received after he was nominated ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.11", "text": "FEC auditors wanted Clinton to repay $ 4 million ; it would have been the most ever .", "summaries": ["FEC auditors wanted Clinton to repay $ 4 million ; it would have been the most ever .", "auditors wanted Clinton to repay $ 4 million ; it would have been the most ever .", "FEC auditors wanted Clinton to repay $ 4 million ; the most ever ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.12", "text": "But the three Democratic commissioners vetoed that .", "summaries": ["the three Democratic commissioners vetoed that .", "three Democratic commissioners vetoed that .", "the three Democratic commissioners vetoed that ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.13", "text": "The FEC deadlocked on partisan lines .", "summaries": ["The FEC deadlocked on partisan lines .", "The FEC deadlocked .", "The FEC deadlocked ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.14", "text": "The Clinton campaign has never ever been found guilty of any violations of the Federal Election Campaign Act or paid one penny in penalties .", "summaries": ["The Clinton campaign has never been found guilty of any violations of the Federal Election Campaign Act or paid one penny in penalties .", "The campaign has never been found guilty of any violations of the Federal Election Campaign Act or paid penalties .", "The Clinton campaign has never ever been found guilty of violations of the Federal Election Campaign Act or paid penalties ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.15", "text": "No civil penalties , but the Clinton campaign still repaid taxpayers more than $ 1.3 million , even after FEC Democrats softened the audit findings .", "summaries": ["No civil penalties , but the Clinton campaign repaid taxpayers more than $ 1.3 million .", "but the campaign still repaid $ 1.3 million , after FEC Democrats softened the findings .", "No civil penalties , but the Clinton campaign repaid taxpayers more than $ 1.3 million , after FEC Democrats softened the audit findings ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.16", "text": "And how about House Democratic leader Richard Gephardt ?", "summaries": ["how about House Democratic leader Richard Gephardt ?", "how about Democratic leader Richard Gephardt ?", "how about Democratic leader Richard Gephardt ?"]} +{"id": "bn9624.rpi_segs.txt.960612.1009.17", "text": "The FEC found his 1988 presidential campaign went over the spending limit in Iowa by more than $ 450,000 , nearly 60 percent higher than allowed .", "summaries": ["his 1988 campaign went over the limit in Iowa by more than $ 450,000 , 60 percent higher than allowed .", "The FEC found his 1988 campaign over the spending limit in Iowa by $ 450,000 , 60 percent higher than allowed .", "The FEC found his 1988 presidential campaign over the spending limit in Iowa by $ 450,000 , 60 percent higher than allowed ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.18", "text": "He had to give back nearly $ 120,000 .", "summaries": ["He had to give back $ 120,000 .", "He had to give back $ 120,000 .", "He had to give back $ 120,000 ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.19", "text": "Candidates have been overspending ever since limits were enacted .", "summaries": ["Candidates have been overspending since limits were enacted .", "Candidates have been overspending since limits were enacted .", "Candidates have been overspending since limits were enacted ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.2", "text": "Brooks Jackson has the story and a bit of political history as well .", "summaries": ["Brooks Jackson has the story and a bit of political history .", "Brooks Jackson has the story .", "Brooks Jackson has the story ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.20", "text": "Ronald Reagan went $ 30,000 over the limit in New Hampshire in 1976 , and nearly $ 55,000 over in 1980 .", "summaries": ["Ronald Reagan went $ 30,000 over the limit in New Hampshire in 1976 , and $ 55,000 over in 1980 .", "Reagan went $ 30,000 over in New Hampshire in 1976 , and $ 55,000 in 1980 .", "Reagan went $ 30,000 over the limit in New Hampshire in 1976 , and $ 55,000 over in 1980 ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.21", "text": "Also in 1980 , Jimmy Carter overspent in Iowa , New Hampshire , and Maine .", "summaries": ["in 1980 , Jimmy Carter overspent in Iowa , New Hampshire , and Maine .", "in 1980 , Jimmy Carter overspent in Iowa , New Hampshire , and Maine .", "in 1980 , Jimmy Carter overspent in Iowa , New Hampshire , and Maine ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.22", "text": "And , Ted Kennedy also broke the limits in Iowa and New Hampshire .", "summaries": ["Ted Kennedy also broke the limits in Iowa and New Hampshire .", "Ted Kennedy broke the limits in Iowa and New Hampshire .", "Ted Kennedy also broke the limits in Iowa and New Hampshire ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.23", "text": "Limit-busting has n't worked very well as a campaign issue .", "summaries": ["Limit-busting has n't worked well as a campaign issue .", "Limit-busting has n't worked very well .", "Limit-busting has n't worked as a campaign issue ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.24", "text": "In 1984 , Gary Hart attacked Walter Mondale for using so-called delegate committees to evade limits .", "summaries": ["In 1984 , Gary Hart attacked Walter Mondale for using delegate committees to evade limits .", "In 1984 , Gary Hart attacked Mondale for using delegate committees to evade limits .", "In 1984 , Gary Hart attacked Walter Mondale for using delegate committees to evade limits ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.25", "text": "He must give the money back .", "summaries": ["He must give the money back .", "He must give the money back .", "give the money back ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.26", "text": "Give the money back , Walter .", "summaries": ["Give the money back , Walter .", "Give the money back .", "Give the money back ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.27", "text": "Hart lost , even though he was right .", "summaries": ["Hart lost , even though he was right .", "Hart lost , even though he was right .", "Hart lost , though he was right ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.28", "text": "Mondale eventually paid a whopping $ 350,000 to settle the FEC 's findings of illegality .", "summaries": ["Mondale eventually paid $ 350,000 to settle the findings of illegality .", "Mondale paid $ 350,000 to settle the FEC 's findings .", "Mondale paid $ 350,000 to the FEC ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.29", "text": "Democratic Senator John Glenn 's opponents keep bringing up $ 2 million in bank loans to his '84 presidential campaign , loans the FEC said were illegal .", "summaries": ["Democratic Senator John Glenn 's opponents keep bringing up $ 2 million in bank loans to his '84 campaign , loans the FEC said were illegal .", "Democratic Senator John Glenn 's opponents keep bringing up $ 2 million in loans his '84 campaign , the FEC said were illegal .", "Democratic Senator John Glenn 's opponents keep bringing up $ 2 million in bank loans to his '84 presidential campaign , loans the FEC said were illegal ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.3", "text": "Democrats say Citizen Dole is flunking civics .", "summaries": ["Democrats say Dole is flunking civics .", "Democrats say Dole is flunking civics .", "Democrats say Dole is flunking civics ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.30", "text": "People are still waiting for their money !", "summaries": ["People are still waiting for their money !", "People are still waiting for their money !", "People are still waiting for their money !"]} +{"id": "bn9624.rpi_segs.txt.960612.1009.31", "text": "John Glenn - he just keeps owing and owing and owing .", "summaries": ["John Glenn - he just keeps owing .", "he keeps owing .", "John Glenn - he keeps owing ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.32", "text": "But Glenn won that '92 campaign and those old loans are still not paid off.", "summaries": ["Glenn won that '92 campaign and those loans are still not paid off.", "Glenn won that '92 campaign and those loans are not paid off.", "Glenn won that '92 campaign and those loans are still not paid off."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.33", "text": "Wednesday , the Dole campaign denied overspending , and Dole pointed to Clinton 's use of leftover federal primary funds against Dole .", "summaries": ["the Dole campaign denied overspending , and Dole pointed to Clinton 's use of leftover primary funds .", "the Dole campaign denied overspending , and Dole pointed to Clinton 's use of federal primary funds .", "Dole denied overspending and pointed to Clinton 's use of federal primary funds against Dole ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.34", "text": "I 'm more concerned about Clinton getting about $ 11 million from the FEC when he did n't really have an opponent in the primary .", "summaries": ["I 'm concerned about Clinton getting $ 11 million from the FEC when he did n't have an opponent in the primary .", "I 'm concerned about Clinton getting $ 11 million when he did n't have an opponent in the primary .", "I 'm concerned about Clinton getting $ 11 million from the FEC when he did n't have an opponent ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.35", "text": "I think he ought to refund the $ 11 million .", "summaries": ["he ought to refund the $ 11 million .", "he ought to refund the $ 11 million .", "he ought to refund the $ 11 million ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.36", "text": "However Dole 's spending plays out as a political issue , do n't expect a legal decision anytime soon .", "summaries": ["However Dole 's spending plays out as a political issue , do n't expect a legal decision soon .", "However Dole 's spending plays out , do n't expect a legal decision soon .", "However Dole 's spending plays out , do n't expect a legal decision soon ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.37", "text": "George Bush violated the primary spending limits in 1988 , and it took the FEC until last December to close the case , with a stern letter telling the ex-president in effect , do n't do it again .", "summaries": ["George Bush violated the primary spending limits in 1988 , and it took the FEC until last December to close the case , with a letter telling the ex-president , do n't do it again .", "George Bush violated the spending limits in 1988 , and it took the FEC until last December to close the case , with a letter telling the ex-president , do n't do it again .", "George Bush violated the primary spending limits in 1988 , and it took the FEC until last December to close the case , with a letter telling the ex-president do n't do it again ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.4", "text": "Democratic National Committee Chairman Don Fowler officially accused Dole 's campaign of violating pre-nomination spending limits by at least $ 343,000 and said the Federal Election Commission should step in to keep the total from going higher , and he attacked Dole 's personal character .", "summaries": ["Democratic National Committee Chairman Don Fowler accused Dole 's campaign of violating pre-nomination spending limits by $ 343,000 and said the Federal Election Commission should step in to keep the total from going higher , and he attacked Dole 's personal character .", "Democratic National Committee Chairman Don Fowler accused Dole 's campaign of violating spending limits by $ 343,000 and said the Federal Election Commission should step in , and he attacked Dole 's character .", "Democratic National Committee Chairman Don Fowler accused Dole 's campaign of violating pre-nomination spending limits by $ 343,000 and said the Federal Election Commission should keep the total from going higher , and he attacked Dole 's character ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.5", "text": "This is about public trust .", "summaries": ["This is about trust .", "This is about trust .", "This is about trust ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.6", "text": "Bob Dole pledged to the American people that in return for millions of taxpayer dollars , he would obey the law .", "summaries": ["Bob Dole pledged that in return for millions of taxpayer dollars , he would obey the law .", "Dole pledged to the people that in return for millions of dollars , he would obey the law .", "Dole pledged that in return for millions of taxpayer dollars , he would obey the law ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.7", "text": "He has broken that promise , and he has violated that trust .", "summaries": ["He has broken that promise , and he has violated that trust .", "He has broken that promise and violated that trust .", "He has broken that promise and violated that trust ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.8", "text": "But a look at the history of similar complaints shows this sword can cut both ways .", "summaries": ["a look at the history of similar complaints shows this sword can cut both ways .", "the history of similar complaints shows this sword can cut both ways .", "a look at similar complaints shows this sword can cut both ways ."]} +{"id": "bn9624.rpi_segs.txt.960612.1009.9", "text": "Clinton 's own 1992 campaign was accused by federal auditors of gouging taxpayers .", "summaries": ["Clinton 's 1992 campaign was accused of gouging taxpayers .", "Clinton 's 1992 campaign was accused of gouging taxpayers .", "Clinton 's 1992 campaign was accused by auditors of gouging taxpayers ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.0", "text": "Well , the ball could be on its last bounce tonight for the NBA season .", "summaries": ["the ball could be on its last bounce tonight for the NBA season .", "the ball could be on its last bounce tonight for the NBA season .", "the ball could be on its last bounce for the NBA season ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.1", "text": "The Chicago Bulls and Seattle Supersonics are facing off.", "summaries": ["The Chicago Bulls and Seattle Supersonics are facing off.", "The Chicago Bulls and Seattle Supersonics are facing off.", "The Chicago Bulls and Seattle Supersonics are facing off."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.10", "text": "That is when the Bulls won their second NBA championship , second of three in a row - a lot of problems on the streets that night when they clinched that NBA title - looting , cars were overturned , things really got kind of out of hand .", "summaries": ["That is when the Bulls won their second NBA championship of three in a row - a lot of problems on the streets when they clinched that NBA title - looting , cars were overturned , things got out of hand .", "That is when the Bulls won their second championship - a lot of problems on the streets that night looting , cars were overturned .", "That is when the Bulls won their second NBA championship , second of three in a row - problems on the streets that night - looting , cars overturned ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.11", "text": "So what the city has done is made a concerted effort , spending upwards of $ 3 million on security and putting together a public service announcement , featuring the likes of Bulls coach Phil Jackson , Michael Jordan himself and an unlikely candidate for a public service announcement on how to conduct oneself properly - Dennis Rodman .", "summaries": ["So the city has made a concerted effort , spending upwards of $ 3 million on security and putting together a public service announcement , featuring Bulls coach Phil Jackson , Michael Jordan himself and an unlikely candidate for a public service announcement on how to conduct oneself properly - Dennis Rodman .", "the city has made a effort , spending $ 3 million on security and putting together a public service announcement , featuring Bulls coach Phil Jackson , Michael Jordan and Dennis Rodman .", "the city made a concerted effort , spending $ 3 million on security and putting together a public service announcement , featuring Bulls coach Phil Jackson , Michael Jordan and an unlikely candidate - Dennis Rodman ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.12", "text": "Just like last time , we 're all in this together .", "summaries": ["like last time , we 're all in this together .", "like last time , we 're all in this together .", "we 're in this together ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.13", "text": "If we win , celebrate our achievements with style and dignity .", "summaries": ["If we win , celebrate our achievements with style and dignity .", "If we win , celebrate with style and dignity .", "If we win , celebrate with style and dignity ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.14", "text": "This Chicago 's moment to shine .", "summaries": ["This Chicago 's moment to shine .", "This Chicago 's moment to shine .", "This Chicago 's moment to shine ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.15", "text": "Let 's show the world how to do it right .", "summaries": ["Let 's show the world how to do it right .", "show the world how to do it right .", "Let 's show the world how to do it ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.16", "text": "That is what they hope happens tonight - the Bulls clinch the championship - however at this moment , things not looking tremendously well , the Bulls down by about 20 points .", "summaries": ["they hope the Bulls clinch the championship - however at this moment , things not looking well , the Bulls down by about 20 points .", "That is what they hope happens tonight - the Bulls clinch the championship - however things not looking well , the Bulls down by about 20 points .", "That is what they hope happens - the Bulls clinch the championship - however things not looking well ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.17", "text": "We will continue to stand here and dance with the folks and hope that things turn out for the best .", "summaries": ["We will stand here and dance with the folks and hope that things turn out for the best .", "We will continue to stand here and hope for the best .", "We will continue to dance with the folks and hope that things turn out for the best ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.18", "text": "We 'll continue to watch it.", "summaries": ["We 'll watch it.", "We 'll continue to watch", "We 'll continue to watch"]} +{"id": "bn9624.rpi_segs.txt.960612.1015.19", "text": "For now , reporting live from Michael Jordan 's Restaurant in Chicago , Jeff Flock .", "summaries": ["live from Michael Jordan 's Restaurant in Chicago , Jeff Flock .", "from Chicago , Jeff Flock .", "reporting from Chicago , Jeff Flock ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.2", "text": "And Chicago could take its fourth championship of the decade with one more win .", "summaries": ["Chicago could take its fourth championship of the decade with one more win .", "Chicago could take its fourth championship of the decade .", "Chicago could take its fourth championship of the decade with one more win ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.20", "text": "Back to you folks .", "summaries": ["Back to you .", "Back to you .", "Back to you ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.3", "text": "CNN 's Jeff Flock joins us now and is bracing for a wild night on the streets of Chicago .", "summaries": ["Jeff Flock joins us now and is bracing for a wild night on the streets of Chicago .", "Jeff Flock joins us .", "Jeff Flock joins us ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.4", "text": "Jeff , how you doing out there ?", "summaries": ["Jeff , how you doing ?", "how you doing ?", "how you doing ?"]} +{"id": "bn9624.rpi_segs.txt.960612.1015.5", "text": "Well , it is kind of a wild night .", "summaries": ["it is a wild night .", "it is a wild night .", "it is a wild night ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.6", "text": "This is Michael Jordan 's Restaurant here in Chicago and , yes , as a Bulls birthday cake passes over my head here in just about two seconds - again , Michael Jordan 's Restaurant - but not particularly good news for the Bulls tonight so far .", "summaries": ["This is Michael Jordan 's Restaurant and , as a Bulls birthday cake passes over my head in just about two seconds - - but not good news for the Bulls so far .", "This is Michael Jordan 's Restaurant Bulls - but not particularly good news for the Bulls so far .", "This is Michael Jordan 's Restaurant in Chicago but not particularly good news for the Bulls tonight so far ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.7", "text": "By my count , they are trailing the Seattle Supersonics by 21 points here at halftime , so it 's an appropriate time for us to show you Michael Jordan 's Restaurant .", "summaries": ["they are trailing the Seattle Supersonics by 21 points at halftime , so it 's appropriate for us to show you Michael Jordan 's Restaurant .", "they are trailing the Supersonics by 21 points at halftime , so it 's time for us to show you Michael Jordan 's Restaurant .", "they are trailing the Seattle Supersonics by 21 points at halftime , so it 's time to show you Michael Jordan 's Restaurant ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.8", "text": "Perhaps you see outside the soaring picture of Michael , as it soars perhaps two or three stories over Chicago - Michael 's picture painted out on that restaurant here .", "summaries": ["Perhaps you see the picture of Michael , as it soars two or three stories over Chicago painted on that restaurant .", "the picture of Michael soars two or three stories over Chicago painted out on that restaurant .", "you see soaring Michael two or three stories over Chicago painted on that restaurant ."]} +{"id": "bn9624.rpi_segs.txt.960612.1015.9", "text": "Obviously , this city concerned if tonight the Bulls can somehow pull it out and claim victory tonight , concerned that they do n't have a repeat of what happened in 1992 .", "summaries": ["this city concerned if the Bulls can claim victory tonight , concerned that they do n't have a repeat of what happened in 1992 .", "this city concerned if tonight the Bulls can claim victory , that they do n't have a repeat of what happened in 1992 .", "this city concerned the Bulls can pull it out and claim victory tonight , concerned that they do n't have a repeat of 1992 ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.0", "text": "Bob Dole 's first complete day as private citizen and full-time presidential candidate may not be all he had hoped .", "summaries": ["Bob Dole 's first day as private citizen and presidential candidate may not be all he had hoped .", "Bob Dole 's first day as presidential candidate may not be all he had hoped .", "Bob Dole 's first day as private citizen and full-time presidential candidate may not be all he had hoped ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.1", "text": "He says his Senate exit yesterday left him with a `` empty feeling , ' reinforced when he called his office today and no one was there .", "summaries": ["his Senate exit yesterday left him with a `` empty feeling , ' reinforced today .", "his Senate exit left him with a `` empty feeling , ' reinforced when he called his office and no one was there .", "his Senate exit yesterday left him with a `` empty feeling , ' reinforced when he called his office today and no one was there ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.10", "text": "Well , I 'm going around the country to see where they have the best unemployment benefits and I thought I 'd check it out in Ohio and then go on to Kansas .", "summaries": ["I 'm going around the country to see where they have the best unemployment benefits and I thought I 'd check it out in Ohio and then go to Kansas .", "I 'm going to see where they have the best unemployment benefits and I thought check it out in Ohio and then Kansas .", "I 'm going around the country to see where they have the best unemployment benefits and I thought I 'd check out Ohio and then go to Kansas ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.11", "text": "His speech was an extension of his farewell remarks Tuesday before Congress , but today the tone was more partisan .", "summaries": ["His speech was an extension of his farewell remarks before Congress , but today the tone was more partisan .", "His speech was an extension of his farewell remarks , but more partisan .", "His speech was an extension of his farewell remarks before Congress , but today the tone was more partisan ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.12", "text": "I 'm not going to run on a stolen agenda ; it 's going to be my agenda , it 's going to be Bob Dole 's agenda .", "summaries": ["I 'm not going to run on a stolen agenda ; it 's going to be my agenda .", "I 'm not going to run on a stolen agenda .", "I 'm going to run on my agenda ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.13", "text": "It 's not going to be the House agenda or the Senate agenda , it 's going to be my agenda for America and my agenda for the future .", "summaries": ["It 's not going to be the House or the Senate agenda , it 's going to be my agenda for America and for the future .", "it 's going to be my agenda .", "It 's going to be my agenda for America and for the future ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.14", "text": "And I do n't have any personal animus towards President Clinton .", "summaries": ["I do n't have any personal animus towards President Clinton .", "I do n't have any animus towards Clinton .", "I do n't have any animus towards President Clinton ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.15", "text": "In fact , he called me yesterday to tell my goodbye , and I 'm going to call him November 5 .", "summaries": ["he called me yesterday , and I 'm going to call him November 5 .", "he called me to tell my goodbye , and I 'm going to call him November 5 .", "he called to tell my goodbye , and I 'm going to call him November 5 ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.16", "text": "Dole reflected on his years in Congress , promising supporters he 'll run for president with the same commitment he brought to the Senate .", "summaries": ["Dole reflected on his years in Congress , promising he 'll run for president with the same commitment he brought to the Senate .", "he 'll run for president with the same commitment he brought to the Senate .", "Dole reflected on his years in Congress , promising supporters the same commitment ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.17", "text": "Running for president is probably a pretty full-time job , and so I 'm going to have all the time I need now to focus and to get the job done , because the stakes could n't be greater .", "summaries": ["Running for president is a full-time job , and I 'm going to have the time I need to focus and to get the job done .", "Running for president is a full-time job , and I 'm going to have all the time I need to get the job done .", "Running for president is a full-time job , and I have all the time I need to focus and to get the job done , because the stakes could n't be greater ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.18", "text": "Aides say this trip is a chance for Dole to showcase himself yet again as a regular person .", "summaries": ["this trip is a chance for Dole to showcase himself as a regular person .", "this trip is a chance for Dole to showcase himself .", "this trip is a chance for Dole to showcase himself as a regular person ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.19", "text": "Later , he 'll travel to Kansas to return to his roots there , and aides promise he 'll be more open and engaging as the campaign continues .", "summaries": ["he 'll travel to Kansas to return to his roots there , and he 'll be more open and engaging as the campaign continues .", "he 'll travel to Kansas to his roots , and aides he 'll be open and engaging .", "he 'll travel to Kansas to his roots , and he 'll be more open and engaging as the campaign continues ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.2", "text": "That apparently did n't distract Dole from the business at hand , courting voters in Ohio and projecting the attitude of both a regular guy and a winner .", "summaries": ["That did n't distract Dole from courting voters in Ohio and projecting the attitude of both a regular guy and a winner .", "That did n't distract Dole from courting voters and projecting the attitude of both a regular guy and a winner .", "That did n't distract Dole from courting voters in Ohio and projecting the attitude of both a regular guy and a winner ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.20", "text": "The former Senate majority leader will visit eight states in three days , and aides say he 'll return to Ohio several times before the November election because it 's an important swing state .", "summaries": ["The former Senate majority leader will visit eight states in three days , and he 'll return to Ohio several times before the election because it 's an important swing state .", "The former Senate majority leader will visit eight states in three days , and he 'll return to Ohio because it 's an swing state .", "The former Senate leader will visit eight states in three days , and he 'll return to Ohio several times before the election because it 's an important swing state ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.21", "text": "And I 'm determined to criss-cross America between now and November 5 and tell our story .", "summaries": ["I 'm determined to criss-cross America and tell our story .", "I 'm determined to criss-cross America and tell our story .", "I 'm determined to criss-cross America between now and November 5 ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.22", "text": "Not only is Ohio an important battleground , but it knows something about picking winners .", "summaries": ["Not only is Ohio an important battleground , but it knows something about picking winners .", "Not only is Ohio important , but it knows about picking winners .", "Ohio knows something about picking winners ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.23", "text": "Only twice in the past 100 years has Ohio not selected the winner in a presidential race , and no Republican has ever won the White House without winning Ohio .", "summaries": ["Only twice in the past 100 years has Ohio not selected the winner , and no Republican has ever won the White House without winning Ohio .", "Only twice in 100 years has Ohio not selected the winner , and no Republican has won the White House without winning Ohio .", "Only twice in 100 years has Ohio not selected the winner in a presidential race , and no Republican has ever won the White House without winning Ohio ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.24", "text": "Marc Watts , CNN , with the Dole campaign in Toledo , Ohio .", "summaries": ["Marc Watts , CNN , Toledo , Ohio .", "Marc Watts , CNN .", "Marc Watts , Ohio ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.3", "text": "Our Marc Watts is with the Dole camp .", "summaries": ["Marc Watts is with the Dole camp .", "Marc Watts is with the Dole camp .", "Marc Watts is with the Dole camp ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.4", "text": "The first order of business for Bob Dole - changing the official name of his campaign plane to Citizen 's Ship .", "summaries": ["The first order of business for Dole - changing the name of his campaign plane to Citizen 's Ship .", "first for Bob Dole - changing the name of his campaign plane to Citizen 's Ship .", "first for Dole - changing the name of his campaign plane to Citizen 's Ship ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.5", "text": "Until yesterday , it was called The Leader 's Ship .", "summaries": ["Until yesterday , it was called The Leader 's Ship .", "it was called The Leader 's Ship .", "it was called The Leader 's Ship ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.6", "text": "With that , the former Senate majority leader embarked on his first campaign trip as a private citizen .", "summaries": ["the former Senate majority leader embarked on his first campaign trip as a private citizen .", "the former Senate majority leader embarked on his first campaign trip .", "the former Senate majority leader embarked on his first campaign trip as a private citizen ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.7", "text": "First stop - Toledo , Ohio .", "summaries": ["First stop - Toledo , Ohio .", "First stop - Toledo , Ohio .", "First stop - Toledo , Ohio ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.8", "text": "George Strait 's song `` Heartland ' welcomed Dole at a luncheon for the Toledo Chamber of Commerce .", "summaries": ["George Strait 's song `` Heartland ' welcomed Dole at a luncheon for the Toledo Chamber of Commerce .", "George Strait 's song `` Heartland ' welcomed Dole .", "George Strait 's song `` Heartland ' welcomed Dole at a luncheon for the Toledo Chamber of Commerce ."]} +{"id": "bn9624.rpi_segs.txt.960612.1166.9", "text": "America 's Heartland is the theme of the Dole campaign trip .", "summaries": ["America 's Heartland is the theme of the campaign trip .", "America 's Heartland is the theme of the trip .", "America 's Heartland is the theme of the Dole campaign trip ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.0", "text": "We begin this morning , overseas , where a DC-10 with 275 people on board crashed today just after takeoff in Fukuoka , Japan .", "summaries": ["a DC-10 with 275 people on board crashed today after takeoff in Fukuoka , Japan .", "a DC-10 with 275 people on board crashed today in Fukuoka , Japan .", "a DC-10 with 275 people on board crashed today just after takeoff in Fukuoka , Japan ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.1", "text": "At least three people are dead , dozens more are injured .", "summaries": ["three people are dead , dozens more are injured .", "three people are dead , dozens injured .", "At least three people are dead , dozens more injured ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.10", "text": "There is a possibility that engine problems attributed to the cause of this crash .", "summaries": ["There is a possibility that engine problems attributed to this crash .", "There is a possibility engine problems attributed to the cause .", "There is a possibility that engine problems attributed to this crash ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.11", "text": "There were reports that flames could be seen coming from the aircraft before the actual impact .", "summaries": ["flames could be seen coming from the aircraft before the impact .", "flames could be seen before the actual impact .", "flames could be seen coming from the aircraft before the impact ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.12", "text": "The Fukuoka International Airport is only 2,000 meters long .", "summaries": ["The Fukuoka International Airport is 2,000 meters long .", "Fukuoka Airport is 2,000 meters long .", "The Fukuoka International Airport is 2,000 meters long ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.13", "text": "Most international airports that service large planes like this are 4,000 meters , double in length , and it may be a contributing factor .", "summaries": ["Most international airports that service large planes are 4,000 meters , and it may be a contributing factor .", "Most airports that service large planes are 4,000 meters , and it may be a contributing factor .", "Most international airports that service large planes like this are 4,000 meters , and it may be a contributing factor ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.14", "text": "The pilot , reportedly , had reached that point , V-2 , where he began his lift-off and that was when the problems began .", "summaries": ["The pilot had reached that point where he began his lift-off and that was when the problems began .", "The pilot began his lift-off when the problems began .", "The pilot began his lift-off and that was when the problems began ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.15", "text": "Emergency rescue crews were on the scene within minutes and conducted the rescues and the firefighting effort simultaneously .", "summaries": ["rescue crews were on the scene within minutes and conducted the rescues and the firefighting simultaneously .", "rescue crews were on the scene within minutes and conducted the firefighting effort simultaneously .", "Emergency rescue crews were on the scene within minutes and conducted the rescues and the firefighting effort simultaneously ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.16", "text": "Many people were able to slide down the emergency chutes .", "summaries": ["Many people were able to slide down the emergency chutes .", "Many people were able to slide down the emergency chutes .", "Many were able to slide down the emergency chutes ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.17", "text": "There was some criticism of the Garuda International stewardesses , saying that they did not guide them and conduct emergency evacuation procedures properly .", "summaries": ["There was criticism of the stewardesses , saying that they did not guide them and conduct emergency evacuation procedures properly .", "There was criticism of the stewardesses , saying that they did not conduct evacuation procedures properly .", "There was criticism of the stewardesses , saying that they did not conduct emergency evacuation procedures properly ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.18", "text": "Again , these are the passengers who were on board the plane , saying they were indicated to go out exits that were on fire .", "summaries": ["these are the passengers who were on board the plane , saying they were indicated to go out exits that were on fire .", "these are the passengers on board , saying they were indicated to go out exits that were on fire .", "the passengers on board the plane were indicated to go out exits that were on fire ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.19", "text": "So , part of the investigation will not only center around the cause , but the action of the employees of the flight .", "summaries": ["the investigation will not only center around the cause , but the action of the employees of the flight .", "the investigation will not only center around the cause , but the action of the employees .", "part of the investigation will not only center around the cause , but the action of the employees of the flight ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.2", "text": "Garuda Airlines Flight 865 was en route to Jakarta , Indonesia .", "summaries": ["Garuda Airlines Flight 865 was en route to Jakarta , Indonesia .", "Garuda Airlines Flight 865 was en route to Jakarta .", "Garuda Airlines Flight 865 was en route to Jakarta , Indonesia ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.20", "text": "Again , three people are listed as dead , 12 others are missing , and more than 100 are hospitalized in the Fukuoka area after this plane crash this morning here in Japan .", "summaries": ["three people are listed as dead , 12 are missing , and more than 100 are hospitalized in after this plane crash .", "three people are dead , 12 are missing , and more than 100 are hospitalized after this plane crash this morning in Japan .", "three people are listed as dead , 12 are missing , and more than 100 are hospitalized after this plane crash this morning here in Japan ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.21", "text": "Tom , quickly here , I know the situation continues to develop at this time , but this particular aircraft , the DC-10 - do we have any information on the history of this aircraft and its safety ?", "summaries": ["do we have any information on the history of this aircraft and its safety ?", "the DC-10 - do we have any information on the history of this aircraft and its safety ?", "this particular aircraft , the DC-10 - do we have any information on this aircraft and its safety ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.22", "text": "We do n't yet , from Garuda Indonesia , have any information about this individual aircraft .", "summaries": ["We do n't have any information about this individual aircraft .", "We do n't yet have information about this individual aircraft .", "We do n't have any information about this individual aircraft ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.23", "text": "The DC-10 has had some problems with engine failures before .", "summaries": ["The DC-10 has had problems with engine failures before .", "The DC-10 has had problems with engine failures before .", "The DC-10 has had engine failures before ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.24", "text": "There are , I 'm sure , going to be some parts of the investigation looking at that .", "summaries": ["There are going to be parts of the investigation looking at that .", "There are going to be parts of the investigation looking at that .", "There are going to be parts of the investigation looking at that ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.25", "text": "There was a large gaping hole in engine number two , which is mounted on the tail , that could be seen as it sat , broken in half , at the end of the runway .", "summaries": ["There was a hole in engine number two , which is mounted on the tail .", "There was a gaping hole in engine two , mounted on the tail .", "There was a large gaping hole in engine number two , mounted on the tail , that could be seen as it sat , broken in half , at the end of the runway ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.26", "text": "This is not a part of the plane that burned , but a huge hole could be seen and , so far , experts have not , really , been able to explain why that hole is there on the side of the engine .", "summaries": ["This is not a part that burned , but a huge hole could be seen and experts have not been able to explain why that hole is there .", "This is not a part that burned , but a hole could be seen and experts have not been able to explain why that hole is there .", "This is not a part that burned and experts have not been able to explain why that hole is on the side of the engine ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.27", "text": "It 's quite possible that one of the jet 's turbines cut loose and ripped through the fuselage at that point , but , again , it 's something that investigators will have to take a close look at.", "summaries": ["It 's possible that one of the turbines cut loose and ripped through the fuselage , but it 's something that investigators will have to take a look at.", "It 's possible that one of the turbines cut loose and ripped through the fuselage , but it 's something that investigators will have to look at.", "It 's possible that one of the jet 's turbines cut loose and ripped through the fuselage but it 's something investigators will take a look at."]} +{"id": "bn9624.rpi_segs.txt.960613.994.28", "text": "Certainly , experts say , at this time , they are puzzled by this crash .", "summaries": ["experts say they are puzzled by this crash .", "experts are puzzled by this crash .", "experts are puzzled by this crash ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.29", "text": "What about weather conditions ?", "summaries": ["What about weather ?", "What about weather conditions ?", "What about weather conditions ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.3", "text": "With the latest , though , on this story , we now turn to CNN 's Tom Mintier , who joins us by telephone in Tokyo .", "summaries": ["Tom Mintier joins us by telephone in Tokyo .", "Tom Mintier joins us by telephone in Tokyo .", "Tom Mintier , joins us by telephone in Tokyo ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.30", "text": "Has that been ruled out as being a factor contributing to this incident ?", "summaries": ["Has that been ruled out as being a factor ?", "Has that been ruled out as a factor ?", "Has that been ruled out as contributing to this incident ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.31", "text": "Airport officials say the weather at the time of takeoff was not a factor- that it was overcast , but not a real problem .", "summaries": ["Airport officials say that it was overcast , but not a problem .", "Airport officials say the weather was not a factor- it was overcast , but not a problem .", "Airport officials say the weather at the time of takeoff was not a factor- ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.32", "text": "One interesting thing , the communications between the tower and the plane - during the rundown of the runway , apparently , the tower asked the captain to change radio frequencies , but the captain did not respond .", "summaries": ["during the rundown of the runway the tower asked the captain to change radio frequencies , but the captain did not respond .", "during the rundown the tower asked the captain to change radio frequencies , but the captain did not respond .", "during the rundown of the runway the tower asked the captain to change radio frequencies , but the captain did not respond ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.33", "text": "Apparently , he was already having trouble at that time controlling the aircraft and did not respond when he was told to change radio frequencies by the tower .", "summaries": ["Apparently , he was already having trouble at that time controlling the aircraft .", "he was already having trouble controlling the aircraft .", "he was already having trouble controlling the aircraft and did not respond when he was told to change radio frequencies by the tower ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.34", "text": "OK , Tom Mintier , by telephone , from Tokyo , Japan , this morning .", "summaries": ["Tom Mintier , from Tokyo , Japan .", "Tom Mintier , Tokyo .", "Tom Mintier by telephone from Japan ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.35", "text": "Thanks for that report , Tom .", "summaries": ["Thanks , Tom .", "Thanks .", "Thanks , Tom ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.36", "text": "Stay with CNN throughout the morning as we continue to look into this developing story from overseas .", "summaries": ["Stay with CNN as we continue to look into this story .", "Stay with CNN as we continue to look into this story .", "Stay as we look into this developing story from overseas ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.37", "text": "Andrea ?", "summaries": ["Andrea ?", "Andrea ?", "Andrea ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.4", "text": "Tom , what can you tell us ?", "summaries": ["Tom , what can you tell us ?", "what can you tell us ?", "what can you tell us ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.5", "text": "What 's the latest from where you are ?", "summaries": ["What 's the latest ?", "What 's the latest ?", "What 's the latest ?"]} +{"id": "bn9624.rpi_segs.txt.960613.994.6", "text": "Well , Bill , the latest is that three people are dead .", "summaries": ["the latest is that three people are dead .", "three people are dead .", "three people are dead ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.7", "text": "The amount of people hospitalized has risen to about 100 and 12 people are still listed as missing .", "summaries": ["The amount of people hospitalized has risen to 100 and 12 are missing .", "The amount of people hospitalized has risen to 100 and 12 people are missing .", "The hospitalized has risen to 100 and 12 people are missing ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.8", "text": "Part of the fuselage that burned is , apparently , still too hot for investigators to enter , and there is a fear that the death toll may climb - that many of those listed as missing are , indeed , trapped in the fuselage , in the back part that has already burned .", "summaries": ["Part of the fuselage is too hot for investigators to enter , and there is a fear that the death toll may climb - that many of those missing are trapped in the fuselage , in the part that has burned .", "the fuselage is too hot for investigators to enter , and there is fear that those missing are trapped in the back part that has burned .", "the fuselage is too hot for investigators to enter , and there is a fear that that those listed as missing are trapped in the back part that has burned ."]} +{"id": "bn9624.rpi_segs.txt.960613.994.9", "text": "This morning , Garuda Indonesia Flight 865 was only airborne for just a couple of minutes - apparently , lifted off the runway only a few meters before slamming back down .", "summaries": ["Garuda Indonesia Flight 865 was airborne for minutes , lifted off the runway only a few meters before slamming back down .", "Flight 865 lifted off the runway only a few meters before slamming back down .", "Garuda Indonesia Flight 865 was airborne for a couple of minutes , lifted off the runway a few meters before slamming back down ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.0", "text": "Our political analyst , Bill Schneider , is in the Washington studio .", "summaries": ["Our political analyst is in the Washington studio .", "Bill Schneider is in Washington .", "political analyst , Bill Schneider , is in Washington ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.1", "text": "Bill , aside from the legal concerns that the administration might have , as a political matter , what kind of problem is this for the administration ?", "summaries": ["aside from the legal concerns , what kind of problem is this for the administration ?", "Bill , aside from the legal concerns , what kind of problem is this for the administration ?", "aside from the legal concerns , as a political matter , what problem is this for the administration ?"]} +{"id": "bn9624.rpi_segs.txt.960614.483.10", "text": "Right now , most Americans have concluded the White House must be hiding something .", "summaries": ["most Americans have concluded the White House must be hiding something .", "most Americans have concluded the White House must be hiding something .", "most Americans concluded the White House must be hiding something ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.11", "text": "The disappearance of the Rose Law Firm billing records , the strange handling of the Foster documents after Mr. Foster 's suicide , the FBI records that were taken by the White House for no obvious reason , the questionable contacts between the White House and the Treasury Department .", "summaries": ["The disappearance of the Rose Law Firm billing records , the handling of the Foster documents after Mr. Foster 's suicide , the FBI records that were taken by the White House for no reason , the contacts between the White House and the Treasury Department .", "The disappearance of the Rose Law Firm billing records , the handling of the Foster documents , the FBI records taken by the White House , the questionable contacts between the White House and the Treasury Department .", "The disappearance of the Rose Law Firm billing records , the handling of the Foster documents , the FBI records taken by the White House , the contacts between the White House and the Treasury ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.12", "text": "All those things suggest to most voters that the White House is hiding something .", "summaries": ["those things suggest to voters that the White House is hiding something .", "those things suggest the White House is hiding something .", "those suggest that the White House is hiding something ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.13", "text": "What are the political considerations for the Republicans on this committee , if any , in writing this report ?", "summaries": ["What are the political considerations for the Republicans on this committee in writing this report ?", "What are the political considerations for the Republicans in writing this report ?", "What are the political considerations for the Republicans writing this report ?"]} +{"id": "bn9624.rpi_segs.txt.960614.483.14", "text": "They 've got- They 've got to be very careful about how they handle the first lady in this report .", "summaries": ["They 've got to be careful about how they handle the first lady in this report .", "They 've got to be careful about the first lady .", "They 've got to be careful how they handle the first lady ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.15", "text": "I think that 's the debate they 're having right now .", "summaries": ["that 's the debate they 're having right now .", "that 's the debate they 're having .", "that 's the debate they 're having now ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.16", "text": "Whether they name her in some way or hold her culpable- if they do , then it ratchets up the whole investigation to a much higher level because then the majority on the committee , the Republicans , are taking on the first lady directly , and that becomes a far , far more serious matter .", "summaries": ["Whether they name her or hold her culpable- it ratchets up the investigation to a higher level because then the Republicans are taking on the first lady directly , and that becomes a far more serious matter .", "Whether they hold her culpable- if they do , then it ratchets up the whole investigation to a higher level .", "Whether they hold her culpable- then it ratchets up the whole investigation to a much higher level because then the Republicans taking on the first lady becomes a more serious matter ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.17", "text": "It makes it both more serious and more political .", "summaries": ["It makes it more serious and more political .", "It makes it more serious and more political .", "It makes it more serious and more political ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.18", "text": "OK.", "summaries": ["OK.", "OK.", "OK."]} +{"id": "bn9624.rpi_segs.txt.960614.483.19", "text": "Bill Schneider in Washington , Bob Franken in Washington .", "summaries": ["Bill Schneider in Washington , Bob Franken in Washington .", "Bill Schneider in Washington , Bob Franken in Washington .", "Bill Schneider , Bob Franken in Washington ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.2", "text": "Well , remember that this Whitewater committee is dominated by Republicans .", "summaries": ["this Whitewater committee is dominated by Republicans .", "this Whitewater committee is dominated by Republicans .", "this Whitewater committee is dominated by Republicans ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.20", "text": "It sounds like you both have a cold .", "summaries": ["It sounds like you both have a cold .", "It sounds like you both have a cold .", "you both have a cold ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.21", "text": "We hope you get better over the weekend .", "summaries": ["We hope you get better over the weekend .", "We hope you get better .", "get better over the weekend ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.3", "text": "It 's a partisan committee .", "summaries": ["It 's a partisan committee .", "It 's a partisan committee .", "It 's partisan ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.4", "text": "And the report that Bob [ Franken ] was describing is being prepared by the Republican majority in this committee .", "summaries": ["the report that Bob [ Franken ] was describing is being prepared by the Republican majority in this committee .", "the report Bob Franken was describing is being prepared by the Republican majority .", "the report is being prepared by the Republican majority in this committee ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.5", "text": "I think the voters will easily recognize that this is a partisan document .", "summaries": ["the voters will recognize that this is a partisan document .", "the voters will recognize this is a partisan document .", "the voters will recognize this is a partisan document ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.6", "text": "Far more serious , for instance , were the convictions of several associates of the Clintons ' - James and Susan McDougal , the governor of Arkansas , Jim Guy Tucker - which was done , not by a partisan committee but by a jury of citizens in Arkansas who were not partisan .", "summaries": ["more serious were the convictions of several associates of the Clintons ' - James and Susan McDougal , the governor of Arkansas , Jim Guy Tucker - which was done , not by a partisan committee but by a jury of citizens in Arkansas .", "more serious were the convictions of associates of the Clintons ' - James and Susan McDougal , Jim Guy Tucker - done by a jury of citizens .", "Far more serious were the convictions of associates of the Clintons ' - James and Susan McDougal , the governor of Arkansas , Jim Guy Tucker - by a jury of citizens in Arkansas ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.7", "text": "I think that would create more damage .", "summaries": ["that would create more damage .", "that would create more damage .", "that would create more damage ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.8", "text": "What this does , however , is focus the public 's attention on mysterious , unexplained behavior by the White House .", "summaries": ["this does focus the public 's attention on mysterious , unexplained behavior by the White House .", "this does focus the public 's attention on unexplained behavior by the White House .", "this does focus the public on mysterious behavior by the White House ."]} +{"id": "bn9624.rpi_segs.txt.960614.483.9", "text": "No smoking gun here , but a lot of questions being raised .", "summaries": ["No smoking gun here , but a lot of questions .", "No smoking gun , but a lot of questions raised .", "No smoking gun , but questions being raised ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.0", "text": "It 's not always easy to figure out what 's going on in the brain of an infant .", "summaries": ["It 's not easy to figure out what 's going on in the brain of an infant .", "It 's not easy to figure out the brain of an infant .", "It 's not easy to figure out what 's going on in the brain of an infant ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.1", "text": "But researchers now say there is far more happening in there than previously thought .", "summaries": ["researchers say there is more happening in there than previously thought .", "there is more happening in there than previously thought .", "researchers say there is more happening than previously thought ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.10", "text": "But those who do n't may always been impaired , socially and emotionally .", "summaries": ["those who do n't may been impaired , socially and emotionally .", "those who do n't may been impaired , socially and emotionally .", "those who do n't may always been impaired , socially and emotionally ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.11", "text": "I do n't care what you do .", "summaries": ["I do n't care what you do .", "I do n't care what you do .", "I do n't care what you do ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.12", "text": "I do n't care if you take all your money and dedicate it to treatment .", "summaries": ["I do n't care if you take your money and dedicate it to treatment .", "I do n't care if you take money and dedicate it to treatment .", "if you take money and dedicate it to treatment ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.13", "text": "You ca n't build in things that did n't grow in the first five years of life .", "summaries": ["You ca n't build in things that did n't grow in the first five years of life .", "You ca n't build in things that did n't grow the first five years .", "You ca n't build things that did n't grow in the first five years ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.14", "text": "Touch , eye contact , sensory stimulation actually help the brain to grow .", "summaries": ["Touch , eye contact , sensory stimulation help the brain to grow .", "Touch , eye contact , sensory stimulation help the brain grow .", "Touch , eye contact , sensory stimulation help the brain grow ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.15", "text": "The evidence is in.", "summaries": ["The evidence is in.", "The evidence is in.", "The evidence is in."]} +{"id": "bn9624.rpi_segs.txt.960615.226.16", "text": "Scientists have looked at this issue about the first years of life .", "summaries": ["Scientists have looked at this issue about the first years of life .", "Scientists have looked at this .", "Scientists have looked at the first years of life ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.17", "text": "They 've looked in the uterus and they know that this is the basic building block of time that will determine the success or failure of children later in life .", "summaries": ["They 've looked in the uterus and they know that this is the building block that will determine the success or failure later in life .", "the uterus time will determine success or failure later in life .", "the uterus is the basic building block that will determine the success or failure of children later in life ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.18", "text": "Scientists say we 're seeing more and more tragic examples of these kinds of failures .", "summaries": ["Scientists say we 're seeing more tragic examples of these kinds of failures .", "we 're seeing examples of these failures .", "we 're seeing more tragic examples of failures ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.19", "text": "Surges in kid crime , where children feel little or no remorse about what they 've done .", "summaries": ["Surges in crime , where children feel little or no remorse about what they 've done .", "kid crime , where children feel no remorse .", "Surges in kid crime , where children feel little remorse about what they 've done ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.2", "text": "CNN 's Lisa Price explains in tonight 's News From Medicine .", "summaries": ["Lisa Price explains in tonight 's News From Medicine .", "Lisa Price explains .", "Lisa Price explains ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.20", "text": "They do n't have remorse .", "summaries": ["They do n't have remorse .", "They do n't have remorse .", "They do n't have remorse ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.21", "text": "They have regret that they got caught .", "summaries": ["They regret that they got caught .", "They have regret that they got caught .", "They regret they got caught ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.22", "text": "Regret is an intellectual response .", "summaries": ["Regret is an intellectual response .", "Regret is intellectual .", "Regret is an intellectual response ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.23", "text": "Remorse is an affective response , an emotional response .", "summaries": ["Remorse is an affective , emotional response .", "Remorse is affective .", "Remorse is an affective , emotional response ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.24", "text": "They do n't have that .", "summaries": ["They do n't have that .", "They do n't have that .", "They do n't have that ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.25", "text": "And the irony , social scientists say , is that those most important first few years are often the ones given the least attention .", "summaries": ["the irony , is that those most important first years are the ones given the least attention .", "those most important years are the ones given the least attention .", "the irony is that those important years are the ones given the least attention ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.26", "text": "It 's a very culturally foolish thing .", "summaries": ["It 's a culturally foolish thing .", "It 's foolish .", "It 's culturally foolish ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.27", "text": "Lisa Price , for CNN , Chicago .", "summaries": ["Lisa Price , CNN , Chicago .", "Lisa Price , CNN .", "Lisa Price , Chicago ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.3", "text": "Born prematurely , Kara is now 38 days old.", "summaries": ["Born prematurely , Kara is 38 days old.", "Born prematurely , Kara is 38 days old.", "Born prematurely , Kara is 38 days old."]} +{"id": "bn9624.rpi_segs.txt.960615.226.4", "text": "Already , her mother is helping her fight stress .", "summaries": ["her mother is helping her fight stress .", "her mother is helping her fight stress .", "her mother is helping her fight stress ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.5", "text": "It 's no joke .", "summaries": ["It 's no joke .", "It 's no joke .", "It 's no joke ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.6", "text": "New studies show the same emotions and environmental factors which influence adults also influence infants .", "summaries": ["studies show the same emotions and environmental factors which influence adults also influence infants .", "the emotions and environmental factors which influence adults also influence infants .", "studies show the emotions and environmental factors which influence adults also influence infants ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.7", "text": "Research presented by the Families and Work Institute suggest brains develop earlier than previously thought .", "summaries": ["Research by the Families and Work Institute suggest brains develop earlier than previously thought .", "brains develop earlier than previously thought .", "Research by the Families and Work Institute suggest brains develop earlier than previously thought ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.8", "text": "Experts say this new body of knowledge has overwhelming cultural ramifications .", "summaries": ["this new knowledge has overwhelming cultural ramifications .", "this new knowledge has ramifications .", "this knowledge has overwhelming cultural ramifications ."]} +{"id": "bn9624.rpi_segs.txt.960615.226.9", "text": "Kids attending this day care center are receiving the attention they need .", "summaries": ["Kids attending this day care center are receiving the attention they need .", "Kids attending this day care center are receiving the attention they need .", "Kids attending this day care center are receiving the attention they need ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.0", "text": "And more on our top international story tonight , the Russian presidential elections - a run-off appears all but certain now between President Boris Yeltsin and Communist Party leader Gennady Zyuganov .", "summaries": ["more on the Russian presidential elections - a run-off appears certain between President Boris Yeltsin and Communist Party leader Gennady Zyuganov .", "more on the Russian presidential elections - a run-off appears certain between Boris Yeltsin and Gennady Zyuganov .", "the Russian presidential run-off appears certain between President Boris Yeltsin and Communist Party leader Gennady Zyuganov ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.1", "text": "Whatever the outcome , the stakes are high for Russia and the rest of the world .", "summaries": ["the stakes are high for Russia and the rest of the world .", "the stakes are high .", "the stakes are high for Russia and the world ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.10", "text": "If I get authority I will look up to the expectations that people have .", "summaries": ["If I get authority I will look up to the expectations .", "If I get authority I will look up to the expectations .", "If I get authority I will look up to the expectations people have ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.11", "text": "Mr. Lebed conceded , however , that his time has not yet come to be president of Russia .", "summaries": ["Lebed conceded that his time has not yet come to be president .", "Lebed conceded that his time has not come to be president .", "Mr. Lebed conceded that his time has not come to be president of Russia ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.12", "text": "For months , skeptics about the Russian election here in Moscow have speculated that Boris Yeltsin might approve fraud to guarantee a victory .", "summaries": ["skeptics have speculated that Yeltsin might approve fraud to guarantee a victory .", "skeptics have speculated that Yeltsin might approve fraud to guarantee a victory .", "skeptics speculated Boris Yeltsin might approve fraud to guarantee a victory ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.13", "text": "More than 1,000 international observers have been watching the election .", "summaries": ["More than 1,000 international observers have been watching the election .", "More than 1,000 international observers have been watching the election .", "More than 1,000 international observers have been watching the election ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.14", "text": "One of them , in an interesting twist , is former U.S. Central Intelligence Agency director James Woolsey , who once inspected Russia through spy satellites .", "summaries": ["One of them is former U.S. Central Intelligence Agency director James Woolsey , who once inspected Russia through spy satellites .", "One of them is former U.S. Central Intelligence Agency director James Woolsey .", "One , in an interesting twist , is former U.S. Central Intelligence Agency director James Woolsey , who once inspected Russia through spy satellites ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.15", "text": "A few hours earlier when it was still dark , I asked Woolsey about his observations at the polling places he visited .", "summaries": ["I asked Woolsey about his observations at the polling places he visited .", "was I asked Woolsey about his observations .", "I asked Woolsey about his observations ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.16", "text": "The small town of Klim [ sp ] , just outside of Moscow where our group from the Jamestown Foundation was today , things appeared to be going quite well .", "summaries": ["The town of Klim , where our group from the Jamestown Foundation was today , things appeared to be going well .", "Klim , outside Moscow where our group was , things appeared to be going well .", "The small town of Klim , outside of Moscow where our group from the Jamestown Foundation was today , things appeared to be going well ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.17", "text": "It was really sort of stirring and touching in a way .", "summaries": ["It was stirring and touching .", "It was stirring and touching .", "It was stirring and touching ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.18", "text": "The balloting was taking place quite near where the Russians had stopped the Nazis in their invasion of World War II .", "summaries": ["The balloting was taking place near where the Russians had stopped the Nazis in their invasion of World War II .", "The balloting was taking place near where the Russians had stopped the Nazis in World War II .", "The balloting was taking place near where the Russians stopped the Nazis in World War II ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.19", "text": "And I sort of thought that maybe both Hitler and Stalin were turning over in their graves to see a free election in Russia with precinct captains and people coming in happily to the polls , flowers in front of the constitution in celebration .", "summaries": ["maybe Hitler and Stalin were turning over in their graves to see a free election in Russia with precinct captains and people coming in to the polls , flowers in front of the constitution in celebration .", "to see a free election in Russia with precinct captains and people coming to the polls , flowers in front of the constitution .", "I thought both Hitler and Stalin were turning over in their graves to see a free election in Russia with precinct captains and people coming in happily to the polls , flowers in front of the constitution in celebration ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.2", "text": "Let 's check in now with our world affairs correspondent Ralph Begleiter , who joins us from Moscow with the latest .", "summaries": ["Let 's check in with Ralph Begleiter , who joins us from Moscow with the latest .", "Ralph Begleiter joins us from Moscow .", "our world affairs correspondent joins us from Moscow ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.20", "text": "It was really quite nice .", "summaries": ["It was nice .", "It was nice .", "It was nice ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.21", "text": "From your observation of the way the procedures were done was there an opportunity for any kind of cheating in the way the votes were being sealed and so on ?", "summaries": ["was there an opportunity for cheating in the way the votes were being sealed ?", "was there an opportunity for cheating in the way the votes were being sealed ?", "From your observation of the procedures was there an opportunity for any kind of cheating ?"]} +{"id": "bn9624.rpi_segs.txt.960616.215.22", "text": "The procedure seemed , at the precincts we visited , three of them , simple and effective .", "summaries": ["The procedure seemed simple and effective .", "The procedure seemed , at the precincts we visited , simple and effective .", "The procedure seemed , at the precincts we visited , simple and effective ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.23", "text": "One ca n't tell , of course , about the voting lists , the original lists , and there 's no way for outside observers to tell about what might happen in some central location .", "summaries": ["One ca n't tell about the voting lists , and about what might happen in some central location .", "One ca n't tell about the voting lists , and there 's no way for observers to tell what might happen in some central location .", "One ca n't tell about the voting lists , and there 's no way for observers to tell about what might happen in some central location ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.24", "text": "But the fact that this is all paper ballots and paper counting would suggest that if something were done to adjust the results later , it would probably be fairly straight forward to check up on it.", "summaries": ["the fact that this is paper ballots and paper counting would suggest that if something were done to adjust the results , it would be straight forward to check up on it.", "paper ballots and paper counting would probably be straight forward to check up on", "the fact that this is all paper ballots and paper counting would suggest that if something were done to adjust the results , it would be fairly straight forward to check up on it."]} +{"id": "bn9624.rpi_segs.txt.960616.215.25", "text": "One of the things I noticed at the half dozen or so precincts I visited was that people seemed to be taking this very seriously - the voters , that is.", "summaries": ["people seemed to be taking this seriously", "I noticed at the precincts I visited that people seemed to be taking this seriously", "at the half dozen precincts I visited people seemed to be taking this very seriously"]} +{"id": "bn9624.rpi_segs.txt.960616.215.26", "text": "They were coming to the polls very dressed up.", "summaries": ["They were coming to the polls dressed up.", "They were coming to the polls dressed up.", "They were coming to the polls dressed up."]} +{"id": "bn9624.rpi_segs.txt.960616.215.27", "text": "They seemed to be very serious about filling out their ballots .", "summaries": ["They seemed to be serious about filling out their ballots .", "They seemed serious about filling out their ballots .", "They seemed serious about filling out their ballots ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.28", "text": "Tell us what you observed .", "summaries": ["Tell us what you observed .", "Tell us what you observed .", "Tell us what you observed ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.29", "text": "Exactly .", "summaries": ["Exactly .", "Exactly .", "Exactly ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.3", "text": "Ralph ?", "summaries": ["Ralph ?", "Ralph ?", "Ralph ?"]} +{"id": "bn9624.rpi_segs.txt.960616.215.30", "text": "They were happy .", "summaries": ["They were happy .", "They were happy .", "They were happy ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.31", "text": "There were strong differences .", "summaries": ["There were differences .", "There were differences .", "There were differences ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.32", "text": "We did some informal , not CNN style , but informal exit polling ourselves and found a large number of votes for Yeltsin and a smattering for other candidates .", "summaries": ["We did some informal exit polling and found a large number of votes for Yeltsin and a smattering for other candidates .", "We did some informal exit polling and found a large number of votes for Yeltsin and a smattering for other candidates .", "We did some informal exit polling and found a large number for Yeltsin and a smattering for other candidates ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.33", "text": "But people were- felt as if they could speak up and say what they thought .", "summaries": ["people felt as if they could speak up and say what they thought .", "people felt they could say what they thought .", "people could say what they thought ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.34", "text": "And say what they thought they did .", "summaries": ["say what they thought they did .", "And they did .", "they did ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.35", "text": "As the results stand now , with about 58 percent of the paper ballot counted , Boris Yeltsin leads Gennady Zyuganov by 35 percent to 32 percent , and Russia is poised for a runoff election between Mr. Yeltsin and Mr. Zyuganov , probably in about two or three weeks .", "summaries": ["with 58 percent of the paper ballot counted , Boris Yeltsin leads Gennady Zyuganov by 35 percent to 32 percent , and Russia is poised for a runoff election between Mr. Yeltsin and Mr. Zyuganov , in two or three weeks .", "with 58 percent of the ballot counted , Yeltsin leads Zyuganov by 35 to 32 percent , and Russia is poised for a runoff election in two or three weeks .", "with about 58 percent counted , Boris Yeltsin leads Gennady Zyuganov by 35 percent to 32 percent , and Russia is poised for a runoff election probably in three weeks ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.36", "text": "Jill , Martin ?", "summaries": ["Jill , Martin ?", "Jill , Martin ?", "Jill , Martin ?"]} +{"id": "bn9624.rpi_segs.txt.960616.215.37", "text": "OK , thank you very much , Ralph .", "summaries": ["OK , thank you , Ralph .", "thank you .", "OK , thank you , Ralph ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.4", "text": "It is early morning on Red Square in Moscow , and all is quiet here in Moscow as the Boris Yeltsin is edging out Communist Party challenger Gennady Zyuganov in the first round of the Russian election , but not by enough to avoid a runoff , as you said , Jill .", "summaries": ["Boris Yeltsin is edging out Gennady Zyuganov in the first round of the election , but not by enough to avoid a runoff .", "It is early morning in Moscow and Boris Yeltsin is edging out Gennady Zyuganov in the first round of the election , but not by enough to avoid a runoff .", "in Moscow , Boris Yeltsin is edging out Communist Party challenger Gennady Zyuganov in the first round of the election , but not by enough to avoid a runoff ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.5", "text": "With about 50 percent , that is al- more than half of the votes counted now , Mr. Yeltsin leads Mr. Zyuganov by about 3 points .", "summaries": ["With 50 percent , more than half of the votes counted now , Yeltsin leads Zyuganov by 3 points .", "With 50 percent of the votes counted , Yeltsin leads by 3 points .", "With 50 percent of the votes counted , Mr. Yeltsin leads Mr. Zyuganov by about 3 points ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.6", "text": "The third-place candidate is retired Army General Alexander Lebed , who has enough votes to make him a desirable target for political bargaining , which already beginning here in Moscow .", "summaries": ["The third-place candidate is retired Army General Alexander Lebed , who has enough votes to make him a desirable target for political bargaining , which already beginning in Moscow .", "The third-place candidate Alexander Lebed has enough votes to make him desirable for political bargaining , which already beginning .", "The third-place candidate is retired Army General Alexander Lebed , who has enough votes to make him a target for political bargaining already beginning here ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.7", "text": "On Russian television , which has almost ignored everyone but Mr. Yeltsin in the past few weeks , Lebed suddenly appeared for an interview .", "summaries": ["On Russian television , which has ignored everyone but Mr. Yeltsin in the past weeks , Lebed appeared for an interview .", "On Russian television , which has ignored everyone but Yeltsin in the past weeks , Lebed appeared for an interview .", "On Russian television , which has ignored everyone but Mr. Yeltsin , Lebed suddenly appeared for an interview ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.8", "text": "General Lebed implied that he would begin military reforms tomorrow if Mr. Yeltsin appoints him to a government post .", "summaries": ["Lebed implied that he would begin military reforms tomorrow if Yeltsin appoints him to a government post .", "Lebed implied he would begin military reforms if Yeltsin appoints him to a government post .", "General Lebed would begin military reforms tomorrow if Mr. Yeltsin appoints him to a government post ."]} +{"id": "bn9624.rpi_segs.txt.960616.215.9", "text": "I have program for the army reform , and I just need power .", "summaries": ["I have program for the reform , and I need power .", "I have program for the reform , and I just need power .", "for the army reform I need power ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.0", "text": "President Boris Yeltsin has won the most votes in Russia 's hotly contested presidential election , one watched around the world .", "summaries": ["Boris Yeltsin has won the most votes in Russia 's presidential election , watched around the world .", "Boris Yeltsin has won the most votes in Russia 's presidential election .", "Boris Yeltsin has the most votes in Russia 's presidential election ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.1", "text": "But because failed to win a majority , Mr. Yeltsin will face Communist candidate Gennady Zyuganov in a runoff next month .", "summaries": ["because failed to win a majority , Yeltsin will face Communist candidate Gennady Zyuganov in a runoff next month .", "But Yeltsin will face Gennady Zyuganov in a runoff .", "Mr. Yeltsin will face Communist Gennady Zyuganov in a runoff next month ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.10", "text": "Viktor says his wages have dropped substantially in the last five years .", "summaries": ["his wages have dropped in the last five years .", "Viktor says his wages have dropped substantially .", "his wages have dropped substantially in the last five years ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.11", "text": "He ca n't even afford to take his family on a holiday .", "summaries": ["He ca n't afford to take his family on a holiday .", "He ca n't afford to take his family on holiday .", "He ca n't afford to take his family on holiday ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.12", "text": "Exit polls show that Russians cast their ballots overwhelmingly based on their pocketbooks .", "summaries": ["polls show that Russians cast their ballots based on their pocketbooks .", "Russians cast their ballots based on their pocketbooks .", "polls show Russians cast their ballots based on their pocketbooks ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.13", "text": "Chechnya , even crime , paled by comparison .", "summaries": ["Chechnya , even crime , paled by comparison .", "Chechnya , crime , paled by comparison .", "Chechnya , crime , paled by comparison ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.14", "text": "Oxsuna [ sp ] and Amaryna [ sp ] gambled on Yeltsin and say they will again .", "summaries": ["Oxsuna and Amaryna gambled on Yeltsin and will again .", "Oxsuna and Amaryna gambled on Yeltsin and they will again .", "Oxsuna and Amaryna gambled on Yeltsin and will again ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.15", "text": "My life is simply better .", "summaries": ["My life is better .", "My life is better .", "My life is better ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.16", "text": "It 's not that I like him so much , but I do n't think it will get worse with him .", "summaries": ["It 's not that I like him , but I do n't think it will get worse with him .", "I do n't think it will get worse with him .", "It 's not that I like him , but I do n't think it will get worse with him ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.17", "text": "Lets just leave things the same .", "summaries": ["Lets leave things the same .", "Lets leave things the same .", "Lets leave things the same ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.18", "text": "The surge of support for General Alexander Lebed , though , seemed to reflect an equally deep desire for order .", "summaries": ["The support for General Alexander Lebed seemed to reflect an desire for order .", "The surge of support for Lebed seemed to reflect an desire for order .", "The support for General Alexander Lebed , seemed to reflect an equally deep desire for order ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.19", "text": "We 've had the dictators and now the bandits .", "summaries": ["We 've had the dictators and now the bandits .", "We 've had the dictators and the bandits .", "We 've had dictators and now bandits ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.2", "text": "Mr. Yeltsin captured 35 percent of the vote and Zyuganov nearly 32 percent .", "summaries": ["Yeltsin captured 35 percent of the vote and Zyuganov nearly 32 .", "Yeltsin captured 35 percent and Zyuganov 32 percent .", "Mr. Yeltsin captured 35 percent of the vote and Zyuganov 32 percent ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.20", "text": "We just need a normal , trustworthy person .", "summaries": ["We need a normal , trustworthy person .", "We need a trustworthy person .", "We need a normal , trustworthy person ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.21", "text": "This life is hard enough without all the instability and worry about tomorrow .", "summaries": ["life is hard enough without the instability and worry about tomorrow .", "life is hard without the instability and worry about tomorrow .", "life is hard without instability and worry about tomorrow ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.22", "text": "Like they do with most everything else , Russians took the election results in stride , hardly surprised and not necessarily looking forward to another politically charged few weeks .", "summaries": ["Russians took the election results in stride , hardly surprised and not looking forward to another politically charged few weeks .", "Russians took the results in stride , not looking forward to another politically charged few weeks .", "Russians took the election results in stride , hardly surprised and not looking forward to another politically charged few weeks ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.23", "text": "Thirty percent of the population did n't vote .", "summaries": ["Thirty percent of the population did n't vote .", "Thirty percent did n't vote .", "Thirty percent did n't vote ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.24", "text": "What would I vote for ?", "summaries": ["What would I vote for ?", "What would I vote for ?", "would I vote ?"]} +{"id": "bn9624.rpi_segs.txt.960617.117.25", "text": "I 'm an engineer , now a pensioner .", "summaries": ["I 'm a pensioner .", "I 'm a pensioner .", "I 'm an engineer , a pensioner ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.26", "text": "I live below the poverty line selling flowers .", "summaries": ["I live below the poverty line .", "I live below the poverty line selling flowers .", "I live below the poverty line selling flowers ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.27", "text": "But more than a million Russians - 1,142,000 , to be exact - were so fed up that they did vote for the uncandidate .", "summaries": ["more than a million Russians - 1,142,000 - did vote for the uncandidate .", "more than a million Russians did vote for the uncandidate .", "But more than a million Russians - 1,142,000 - did vote for the uncandidate ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.28", "text": "Mr. None of the Above came in in sixth on the ballot of 10 candidates .", "summaries": ["Mr. None of the Above came in in sixth on the ballot of 10 candidates .", "None of the Above came in sixth .", "None of the Above came in sixth on the ballot of 10 ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.29", "text": "Claire Shipman , CNN , Moscow .", "summaries": ["Claire Shipman , CNN , Moscow .", "Claire Shipman , CNN .", "Claire Shipman , Moscow ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.3", "text": "Former Soviet Army General Alexander Lebed finished third with close to 15 percent of the vote .", "summaries": ["Former Soviet Army General Alexander Lebed finished third with 15 percent .", "Army Alexander Lebed finished third with 15 percent .", "Former General Alexander Lebed finished third with 15 percent of the vote ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.4", "text": "Democracy , of course , is new to Russia , but Russian voters appear to have sized up the candidates pretty much as voters in the West do , and the biggest issues were the economy and character .", "summaries": ["Democracy is new to Russia , but Russian voters appear to have sized up the candidates as voters in the West do , and the biggest issues were the economy and character .", "Russian voters have sized up the candidates pretty much as voters in the West do , and the biggest issues were the economy and character .", "Democracy is new to Russia and the biggest issues were the economy and character ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.5", "text": "CNN 's Claire Shipman reports from Moscow .", "summaries": ["CNN 's Claire Shipman reports from Moscow .", "CNN 's Claire Shipman reports .", "Claire Shipman reports ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.6", "text": "The Special Edition churns out what most Russians had already expected - round two , Yeltsin and Zyuganov .", "summaries": ["The Special Edition churns out what most Russians had expected - round two , Yeltsin and Zyuganov .", "most Russians had expected round two , Yeltsin and Zyuganov .", "Russians had already expected Yeltsin and Zyuganov ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.7", "text": "He may be running the presses for a liberal paper , but to Viktor Skyorastan [ sp ] , the news of Yeltsin 's lead was disappointing .", "summaries": ["to Viktor Skyorastan , Yeltsin 's lead was disappointing .", "to Viktor Skyorastan , the news of Yeltsin 's lead was disappointing .", "He may be running a liberal paper , but to Viktor Skyorastan , the news of Yeltsin 's lead was disappointing ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.8", "text": "He is a Zyuganov man .", "summaries": ["He is a Zyuganov man .", "He is a Zyuganov man .", "He is a Zyuganov man ."]} +{"id": "bn9624.rpi_segs.txt.960617.117.9", "text": "Yeltsin promises a lot , but almost never comes through .", "summaries": ["Yeltsin promises a lot , but never comes through .", "Yeltsin promises a lot , but never comes through .", "Yeltsin promises , but never comes through ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.0", "text": "Federal agents , state lawmakers , and others tried all kinds of ways to keep the Freemen talking through their 81-day standoff .", "summaries": ["Federal agents , state lawmakers , and others tried to keep the Freemen talking through their 81-day standoff .", "Federal agents , state lawmakers tried to keep the Freemen talking through their standoff .", "Federal agents , state lawmakers , and others tried to keep the Freemen talking through their 81-day standoff ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.1", "text": "The content of those talks was largely kept secret , but a Colorado legislator gave CNN 's Jim Hill an inside glimpse .", "summaries": ["The content of those talks was kept secret , but a Colorado legislator gave CNN an inside glimpse .", "The content was kept secret , but a Colorado legislator gave CNN 's Jim Hill an glimpse .", "The content of those talks was kept secret , but a Colorado legislator gave Jim Hill an inside glimpse ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.10", "text": "When Duke failed in his efforts to mediate a settlement , he placed the blame squarely on the Freemen , saying many of them were not political idealists , but simply criminals trying to avoid prosecution .", "summaries": ["When Duke failed to mediate a settlement , he placed the blame on the Freemen , saying many of them were not idealists , but criminals trying to avoid prosecution .", "When Duke failed to mediate , he placed the blame on the Freemen , saying many were not idealists , but criminals trying to avoid prosecution .", "When Duke failed in his efforts to mediate , he placed the blame on the Freemen , saying many were criminals trying to avoid prosecution ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.11", "text": "With the talks over , the Freemen resumed their armed patrols , but Freeman Edwin Clark reportedly became a key force inside the ranch .", "summaries": ["With the talks over , the Freemen resumed their armed patrols , but Freeman Edwin Clark became a key force inside the ranch .", "the Freemen resumed their armed patrols , but Freeman Edwin Clark became a key force .", "the talks over , the Freemen resumed their patrols , but Freeman Edwin Clark became a key force inside the ranch ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.12", "text": "Duke said he and the FBI had tried to convince Clark to be a leader and counter the fiery actions of other Freemen , but Clark , apparently , agonized .", "summaries": ["Duke and the FBI had tried to convince Clark to be a leader and counter the actions of other Freemen , but Clark agonized .", "Duke and the FBI had tried to convince Clark to be a leader and counter the actions of other Freemen , but Clark agonized .", "the FBI tried to convince Clark to be a leader and counter the other Freemen , but Clark agonized ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.13", "text": "He did n't want violence , but did n't want to turn people over to authorities , either .", "summaries": ["He did n't want violence , but did n't want to turn people over , either .", "He did n't want violence , but did n't want to turn people over to authorities .", "He did n't want violence , but did n't want to turn people over to authorities , either ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.14", "text": "The day the mediations failed , Clark told Duke over the phone he was near despair .", "summaries": ["The day the mediations failed , Clark told Duke over he was near despair .", "The day the mediations failed , Clark was near despair .", "The day the mediations failed , Clark was near despair ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.15", "text": "I 've got very little faith left in me , and when I finally give up is when things goes to hell in a handbasket .", "summaries": ["I 've got little faith left in me , and when I give up is when things goes to hell in a handbasket .", "I 've got little faith left , and when I finally give up things goes to hell .", "I 've little faith in me , and when I give up things goes to hell ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.16", "text": "It created a great deal of stress on him .", "summaries": ["It created a great deal of stress on him .", "It created stress on him .", "It created a great deal of stress ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.17", "text": "He was n't comfortable with that role initially , and , in fact , it took a couple of weeks for him to finally assert himself .", "summaries": ["He was n't comfortable with that role , and it took a couple of weeks for him to assert himself .", "He was n't comfortable with that role , and it took weeks for him to assert himself .", "He was n't comfortable and it took weeks to assert himself ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.18", "text": "Duke believes the turning point came when the Ward family and their two young girls left the ranch on June 6 .", "summaries": ["the turning point came when the Ward family and their two girls left the ranch on June 6 .", "Duke believes the turning point came when the Ward family left the ranch .", "the turning point came when the Ward family left the ranch on June 6 ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.19", "text": "Duke believes that success convinced Clark to press the others to surrender .", "summaries": ["success convinced Clark to press the others to surrender .", "that success convinced Clark to press the others to surrender .", "that convinced Clark to press the others to surrender ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.2", "text": "Weeks before the 16 Freemen walked off their Montana ranch and into custody , their anger and threats spilled over in often heated negotiations .", "summaries": ["Weeks before the 16 Freemen walked off their ranch and into custody , their anger and threats spilled over in negotiations .", "before the Freemen walked into custody , their anger and threats spilled over in negotiations .", "before the 16 Freemen walked off their Montana ranch and into custody , their anger and threats spilled over in negotiations ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.20", "text": "On June 14 , they did .", "summaries": ["On June 14 , they did .", "June 14 , they did .", "June 14 they did ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.21", "text": "Jim Hill , CNN , Monument , Colorado .", "summaries": ["Jim Hill , CNN , Monument , Colorado .", "Jim Hill , CNN .", "Jim Hill , Colorado ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.3", "text": "You 're going to save my life by imprisoning me ?", "summaries": ["You 're going to save my life by imprisoning me ?", "You 're going to save my life by imprisoning me ?", "You 're going to save my life by imprisoning me ?"]} +{"id": "bn9624.rpi_segs.txt.960617.331.4", "text": "Colorado State Senator Charles Duke recorded his mediation efforts .", "summaries": ["Colorado State Senator Charles Duke recorded his mediation efforts .", "Senator Charles Duke recorded his mediation .", "Colorado State Senator Charles Duke recorded his efforts ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.5", "text": "In a room with 12 armed Freemen , he said he listened as they called government officials citizen prostitutes who had no jurisdiction over them .", "summaries": ["In a room with 12 armed Freemen , he listened as they called government officials citizen prostitutes who had no jurisdiction over them .", "armed Freemen called government officials citizen prostitutes who had no jurisdiction over them .", "12 armed Freemen said government officials had no jurisdiction over them ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.6", "text": "I did n't stand up for this country to have a bunch of [ expletive deleted ] prostitutes put the American people out of here on their ass.", "summaries": ["I did n't stand up for this country to have a bunch of prostitutes put people out of here on their ass.", "I did n't stand up for this country to have prostitutes put the people out of here", "I did n't stand up for this country to have the American people out here on their ass."]} +{"id": "bn9624.rpi_segs.txt.960617.331.7", "text": "And they can take their [ expletive deleted ] warrants and shove them right up their [ expletive deleted ] where that 30.06 of mine is going to drill 'em .", "summaries": ["they can take their warrants and shove them up their [ expletive deleted ] where that 30.06 is going to drill 'em .", "they can take their warrants and shove them where that 30.06 is going to drill 'em .", "they can take their warrants ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.8", "text": "Russ Landers is really getting agitated and I 'm not sure but what at some minute he 's going to say , `` And you 're one of them , ' and whip out his gun and plug me- I do n't think he would do that , but , certainly , the possibility is there .", "summaries": ["Russ Landers is getting agitated and I 'm not sure but at some minute he 's going to say , `` you 're one of them , ' and whip out his gun and plug me- I do n't think he would do that , but the possibility is there .", "Russ Landers is getting agitated and at some minute going to say , `` And you 're one of them , ' and whip out his gun and plug me- I do n't think he would , but the possibility is there .", "Russ Landers is getting agitated and I 'm not sure he 's going to whip out his gun and plug me- ."]} +{"id": "bn9624.rpi_segs.txt.960617.331.9", "text": "On May 21 , the negotiations broke off.", "summaries": ["On May 21 , the negotiations broke off.", "On May 21 , the negotiations broke off.", "May 21 the negotiations broke off."]} +{"id": "bn9624.rpi_segs.txt.960617.338.0", "text": "It 's clear that the political contests are heating up here as the election approaches ; and added to the political mix of just normal election year politics are some other interesting factors , including Whitewater , a budding scandal over the use of the FBI potentially by the White House to uncover information about Republican rivals , and a whole lot more .", "summaries": ["political contests are heating up as the election approaches ; and added to the mix of normal election year politics are factors including Whitewater , a scandal over the use of the FBI by the White House to uncover information about Republican rivals , and a lot more .", "the political contests are heating up as the election approaches ; added to the mix are other factors , including Whitewater , a scandal over the use of the FBI potentially by the White House to uncover information about rivals .", "the political contests are heating up as the election approaches ; added to normal election year politics are Whitewater , a budding scandal over the use of the FBI by the White House to uncover information about rivals , and more ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.1", "text": "The result is a stronger showing in the polls for Bob Dole .", "summaries": ["The result is a stronger showing in the polls for Bob Dole .", "The result is showing in the polls for Bob Dole .", "The result is a stronger showing in the polls for Bob Dole ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.10", "text": "It was also the mistake of claiming the Soldiers and Sailors Act and active duty and all sorts of things like that .", "summaries": ["It was also claiming the Soldiers and Sailors Act and active duty and of things like that .", "It was also the mistake of claiming the Soldiers and Sailors Act and active duty .", "It was also the mistake of claiming the Soldiers and Sailors Act and active duty and things like that ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.11", "text": "The fact is , of course , Dole got a little boost by leaving the Senate ; and now we have a situation where the FBI files that have been used by the White House and sent back to the FBI have drawn criticism from Lou Freeh , the head of the FBI itself .", "summaries": ["Dole got a boost by leaving the Senate ; and the FBI files used by the White House and sent back have drawn criticism from Lou Freeh , the head of the FBI .", "Dole got a boost by leaving the Senate ; now FBI files that have been used by the White House have drawn criticism from Lou Freeh , head of the FBI .", "Dole got a boost by leaving the Senate ; and the FBI files used by the White House have drawn criticism from Lou Freeh , head of the FBI ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.12", "text": "And this is another factor on top of what will be an interesting Whitewater report when it 's released officially tomorrow by the Whitewater committee of Congress .", "summaries": ["this is another factor of what will be an interesting report when released tomorrow by the Whitewater committee of Congress .", "an Whitewater report 's released tomorrow by the Whitewater committee of Congress .", "this is on top of an interesting report released officially tomorrow by the Whitewater committee of Congress ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.13", "text": "Our understanding is that the Whitewater report indicates criminal charges should be considered for some senior administration officials .", "summaries": ["the Whitewater report indicates criminal charges should be considered for some senior administration officials .", "Our understanding is that the report indicates criminal charges should be considered for administration officials .", "the Whitewater report indicates criminal charges should be considered for some senior administration officials ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.14", "text": "Have you heard anything to that effect ?", "summaries": ["Have you heard anything to that effect ?", "Have you heard anything to that effect ?", "Have you heard anything ?"]} +{"id": "bn9624.rpi_segs.txt.960617.338.15", "text": "Oh , yes .", "summaries": ["yes .", "yes .", "yes ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.16", "text": "The rumors are rampant , of course , over the weekend , with some of the document leaked , that as much as-- as many as two or three members of the White House staff could be or might be recommended for criminal prosecution .", "summaries": ["The rumors are rampant , with some of the document leaked , that two or three members of the White House staff might be recommended for prosecution .", "The rumors are some that two or three White House staff might be recommended for prosecution .", "The rumors are rampant , with some of the document leaked , that three members of the White House staff might be recommended for criminal prosecution ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.17", "text": "And , of course , there 's still this subterranean notion around that perhaps Mrs. Clinton-- Hillary Rodham Clinton herself , the first lady-- would be indicted if the allegations in this report are true .", "summaries": ["there 's this notion that perhaps Hillary Rodham Clinton would be indicted if the allegations in this report are true .", "perhaps Hillary Clinton would be indicted if the allegations in this report are true .", "there 's still this subterranean notion that perhaps Hillary Rodham Clinton , would be indicted if the allegations are true ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.18", "text": "Do you believe that , Steve , or are you a little skeptical ?", "summaries": ["Do you believe that , or are you skeptical ?", "Do you believe that , or are you skeptical ?", "Do you believe that , or are you skeptical ?"]} +{"id": "bn9624.rpi_segs.txt.960617.338.19", "text": "You know , you just do n't know .", "summaries": ["you just do n't know .", "you just do n't know .", "you just do n't know ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.2", "text": "Joining me now to put some perspective on just what is going on in Washington , Steve Bell , who is the head of the Steve Bell Group .", "summaries": ["Joining me to put some perspective on what is going on in Washington , Steve Bell , the head of the Steve Bell Group .", "Joining me , Steve Bell , head of the Steve Bell Group .", "Joining me now to put some perspective on Washington , Steve Bell , head of the Steve Bell Group ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.20", "text": "It 's so unprecedented , and so much of this has been coming out in dribs and drabs that it 's just hard to tell .", "summaries": ["It 's unprecedented , and much of this has been coming out in dribs and drabs that it 's just hard to tell .", "It 's unprecedented , and has been coming out in dribs and drabs .", "It 's unprecedented , and so much has been coming out in dribs and drabs that it 's hard to tell ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.21", "text": "Certainly , between this and the FBI files and the next round of the trials on Whitewater down in Arkansas , the White House is going to be spending a lot of time on lawyers , and you do n't know how this will turn out , except they 're going to be pinned down , doing more legal work , probably , than campaign work inside the White House .", "summaries": ["between this and the FBI files and the next round of the trials on Whitewater , the White House is going to be doing more legal work than campaign work .", "between this and the FBI files and trials on Whitewater in Arkansas , you do n't know how this will turn out , they 're going to be doing more legal than campaign work inside the White House .", "between this and the FBI files and the next round of the trials on Whitewater , the White House is going to be doing more legal work , than campaign work ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.22", "text": "Whitewater 's been one problem for the presidency .", "summaries": ["Whitewater 's been one problem for the presidency .", "Whitewater 's been one problem .", "Whitewater 's been one problem ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.23", "text": "The other one , of course , reports about the FBI search of a number of people 's records , including those of past Republican officials .", "summaries": ["The other one , reports about the FBI search of people 's records , including those of past Republican officials .", "The other one about the FBI search of people 's records , including past Republican officials .", "The other one , the FBI search of records of Republican officials ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.24", "text": "Which one 's hurting the president more at this point ?", "summaries": ["Which one 's hurting the president more ?", "Which one 's hurting the president more ?", "Which one 's hurting the president more ?"]} +{"id": "bn9624.rpi_segs.txt.960617.338.25", "text": "I really think you 're going to see more damage from the files and the FBI information that the White House retained .", "summaries": ["I think you 're going to see more damage from the files and the FBI information that the White House retained .", "I think you 're going to see more damage from the FBI information .", "you 're going to see more damage from the files ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.26", "text": "This is a breach that smells a lot--", "summaries": ["This is a breach that smells", "This is a breach", "This breach smells"]} +{"id": "bn9624.rpi_segs.txt.960617.338.27", "text": "All right .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.28", "text": "I regret that we have lost the ability to hear Steve ; and , in consequence , we will have to live without knowing his answer to that particular question , but it does n't matter , in a sense , because the president 's having a difficult time in the public opinion polls anyway .", "summaries": ["we have lost the ability to hear Steve and we will have to live without knowing his answer to that particular question , but it does n't matter , because the president 's having a difficult time in the polls anyway .", "we have lost Steve ; we will have to live without his answer to that question .", "we lost the ability to hear Steve ; and we will have to live without knowing his answer to that question , but the president 's having a difficult time in the polls ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.29", "text": "We 'll have Steve back next Monday morning to bring us a little bit more information .", "summaries": ["We 'll have Steve back next Monday to bring us more information .", "We 'll have Steve back next Monday .", "We 'll have Steve back Monday morning to bring us more ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.3", "text": "He joins us every Monday morning .", "summaries": ["He joins us every Monday .", "He joins us every Monday .", "He joins us every Monday ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.4", "text": "Steve , good to have you with us.", "summaries": ["Steve , good to have you with us.", "good to have you", "good to have you with us."]} +{"id": "bn9624.rpi_segs.txt.960617.338.5", "text": "Glad to be here .", "summaries": ["Glad to be here .", "Glad to be here .", "Glad to be here ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.6", "text": "Now , the latest polls that I 'm seeing and hearing about indicate that Mr. Clinton 's lead over Bob Dole has narrowed to single digits .", "summaries": ["the latest polls and indicate that Clinton 's lead over Dole has narrowed to single digits .", "the latest polls and indicate that Clinton 's lead over Dole has narrowed to single digits .", "the latest polls indicate Mr. Clinton 's lead over Bob Dole has narrowed to single digits ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.7", "text": "What 's going on ?", "summaries": ["What 's going on ?", "What 's going on ?", "What 's going on ?"]} +{"id": "bn9624.rpi_segs.txt.960617.338.8", "text": "Well , I think we have to be careful about polls this far out from the election , but there 's no doubt that about three or four weeks ago , as we discussed before , the president 's momentum slowed drastically .", "summaries": ["we have to be careful about polls this far from the election , but three or four weeks ago the president 's momentum slowed drastically .", "we have to be careful about polls this far from the election , but three or four weeks ago the president 's momentum slowed drastically .", "we have to be careful about polls this far from the election , but there 's no doubt that about four weeks ago , the president 's momentum slowed ."]} +{"id": "bn9624.rpi_segs.txt.960617.338.9", "text": "It was n't just the Whitewater investigation and the convictions that Starr got down in-- Special Prosecutor Ken Starr got down in Arkansas .", "summaries": ["It was n't just the Whitewater investigation and the convictions that Special Prosecutor Ken Starr got in Arkansas .", "It was n't just Whitewater and the convictions Ken Starr got down in Arkansas .", "It was n't just the Whitewater investigation and the convictions that Special Prosecutor Ken Starr got in Arkansas ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.0", "text": "The Clinton administration has announced it is going to expand funding for an experimental program called the Brownfield Project [ sp ] , designed to spur investment in abandoned industrial sites .", "summaries": ["The Clinton administration is going to expand funding for the Brownfield Project , designed to spur investment in abandoned industrial sites .", "The Clinton administration is going to expand funding for the Brownfield Project , designed to spur investment in abandoned industrial sites .", "The Clinton administration is going to expand funding for an experimental program called the Brownfield Project , designed to spur investment in abandoned industrial sites ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.1", "text": "Commentator John Chambers applauds the move .", "summaries": ["Commentator John Chambers applauds the move .", "John Chambers applauds the move .", "John Chambers applauds the move ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.10", "text": "Many of these sites are located in inner city communities where the population is primarily composed of poor and working class minority groups .", "summaries": ["Many of these sites are located in inner city communities where the population is composed of poor and working class minority groups .", "Many sites are in inner city communities where the population is primarily poor and working class minority groups .", "Many are located in inner city communities where the population is working class minority groups ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.11", "text": "The idea is to develop solutions to the problems of urban blight caused in part by environmental policies that discouraged private investment in areas that had been hurt by contaminants from old industrial operations .", "summaries": ["The idea is to develop solutions to the problems of blight caused by environmental policies that discouraged investment in areas that had been hurt by contaminants .", "The idea is to develop solutions to the problems caused in part by policies that discouraged investment in areas hurt by contaminants from industrial operations .", "The idea is to develop solutions to urban blight caused by environmental policies that discouraged private investment in areas hurt by contaminants from old industrial operations ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.12", "text": "In addition to providing seed money for selected pilots , EPA set about the task of revising and clarifying its environmental clean-up and liability guidance to encourage buyers , lenders and developers to become involved in brownfield redevelopment projects .", "summaries": ["In addition to providing money for pilots , EPA set about the task of revising and clarifying its environmental clean-up and liability guidance to encourage buyers , lenders and developers to become involved in brownfield projects .", "In addition to providing seed money for pilots , EPA set about revising its environmental clean-up and liability guidance to encourage buyers , lenders and developers to become involved .", "In addition to providing seed money , EPA set about revising its environmental clean-up and liability guidance to encourage buyers , lenders and developers to become involved in brownfield redevelopment ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.13", "text": "It also spearheaded changes to the regulations implementing the Community Reinvestment Act to encourage greater participation by financial institutions .", "summaries": ["It spearheaded changes to the regulations implementing the Community Reinvestment Act to encourage participation by financial institutions .", "It spearheaded changes to the regulations implementing the Community Reinvestment Act to encourage participation .", "It spearheaded changes to the Community Reinvestment Act to encourage greater participation by financial institutions ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.14", "text": "The Clinton administration recently unveiled a new means to encourage brownfields redevelopment in the form of a tax incentive proposal .", "summaries": ["The Clinton administration unveiled a means to encourage brownfields redevelopment in the form of a tax incentive proposal .", "The administration unveiled a new tax incentive proposal .", "The Clinton administration unveiled a new means to encourage brownfields redevelopment in a tax incentive proposal ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.15", "text": "My 15 years of practice as an environmental lawyer has taught me many things .", "summaries": ["15 years of as an environmental lawyer has taught me many things .", "15 years as an environmental lawyer has taught me many things .", "15 years as an environmental lawyer has taught me many things ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.16", "text": "I realize that our collective lack of appreciation for the environment in the past has caused many of the problems we have today .", "summaries": ["our lack of appreciation for the environment in the past has caused many of the problems we have today .", "our lack of appreciation for the environment has caused problems .", "our collective lack of appreciation for the environment in the past has caused many of the problems we have today ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.17", "text": "I also recognize that excessive regulation , especially in the area of environmental clean-ups can , and has , impeded progress that might otherwise have been undertaken voluntarily .", "summaries": ["excessive regulation has impeded progress that might have been undertaken voluntarily .", "excessive regulation in environmental clean-ups has impeded progress .", "excessive regulation in the area of environmental clean-ups has impeded progress that might have been undertaken voluntarily ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.18", "text": "EPA 's brownfields action agenda represents an accommodation of interest in a way that creates incentives to do the right thing , not only for the environment , but for people hurt by the economic conditions that continue to prevail in many of the nation 's poor communities .", "summaries": ["EPA 's agenda creates incentives to do the right thing , not only for the environment , but for people hurt by the economic conditions that prevail in many of poor communities .", "EPA 's brownfields agenda creates incentives to do the right thing , not only for the environment , but for people hurt by the economic conditions in many poor communities .", "EPA 's brownfields action agenda creates incentives to do the right thing , not only for the environment , but for people hurt by the conditions the nation 's poor communities ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.19", "text": "It is time for Congress to get into the act by providing sources of funding for an integrated approach to solving the growing problem of urban blight .", "summaries": ["It is time for Congress to get into the act by providing funding for solving the problem of urban blight .", "It is time for Congress to get providing funding for solving the problem of urban blight .", "It is time for Congress to get funding for an integrated approach to solving the problem of urban blight ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.2", "text": "For 15 years , I have practiced environmental law in Washington , D.C.", "summaries": ["For years , I have practiced environmental law in Washington , D.C.", "For 15 years , I have practiced environmental law", "For years , I have practiced environmental law in Washington , D.C."]} +{"id": "bn9624.rpi_segs.txt.960617.585.20", "text": "If federal legislation is passed to help the administration carry out its brownfields redevelopment initiatives , it will be one of those rare occasions when Congress has elected to dance to EPA 's tune .", "summaries": ["If legislation is passed to help carry out brownfields redevelopment initiatives , it will be one of those occasions when Congress has elected to dance to EPA 's tune .", "If federal legislation is passed to help brownfields redevelopment , it will be one of those occasions when Congress has elected to dance to EPA 's tune .", "If legislation is passed to carry out brownfields redevelopment initiatives , it will be rare ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.21", "text": "John Chambers , an environmental lawyer in Washington , D.C.", "summaries": ["John Chambers , an environmental lawyer in Washington , D.C.", "John Chambers , Washington , D.C.", "John Chambers in Washington , D.C."]} +{"id": "bn9624.rpi_segs.txt.960617.585.3", "text": "My practice has taken me from the halls of Congress to the maze of offices at EPA 's headquarters and into the federal courts that ultimately decide the validity of EPA 's interpretation of its congressional mandates .", "summaries": ["My practice has taken me from Congress to EPA 's headquarters and into the federal courts that decide the validity of EPA 's interpretation of its congressional mandates .", "My practice has taken me from the Congress to EPA and into the federal courts that decide the validity of EPA 's interpretation of its congressional mandates .", "My practice has taken me from Congress to the EPA and into the federal courts that decide the validity of EPA 's interpretation of congressional mandates ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.4", "text": "In carrying out its role as primary protector of the environment , EPA dances to Congress ' tune .", "summaries": ["In carrying out its role as protector of the environment , EPA dances to Congress ' tune .", "as primary protector of the environment , EPA dances to Congress ' tune .", "In its role as primary protector of the environment , EPA dances to Congress ' tune ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.5", "text": "Against this background , it is somewhat surprising that EPA would , on its own initiative , undertake a major new program as part of its brownfields action agenda .", "summaries": ["it is surprising that EPA would undertake a new program as part of its brownfields action agenda .", "it is surprising that EPA would , on its own initiative , undertake a major program as part of its brownfields agenda .", "it is surprising that EPA would undertake a major new program as part of its brownfields agenda ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.6", "text": "`` Brownfields ' is a term used to refer to abandoned industrial sites that are no longer in productive use due to environmental problems .", "summaries": ["`` Brownfields ' is used to refer to industrial sites that are no longer in use due to environmental problems .", "`` Brownfields ' is used to refer to abandoned industrial sites no longer in use due to environmental problems .", "`` Brownfields ' is used to refer to abandoned industrial sites that are environmental problems ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.7", "text": "They typically take the form of abandoned warehouses , factories or vacant , trash-strewn lots .", "summaries": ["They take the form of abandoned warehouses , factories or vacant lots .", "They take the form of warehouses , factories or vacant lots .", "They take the form of abandoned warehouses , factories or vacant lots ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.8", "text": "Those of us who live or work in cities pass by them daily .", "summaries": ["Those who live or work in cities pass by them daily .", "Those in cities pass by them daily .", "Those in cities pass by them daily ."]} +{"id": "bn9624.rpi_segs.txt.960617.585.9", "text": "The Government Accounting Office estimates that there are more than 450,000 brownfield sites located across the country .", "summaries": ["The Government Accounting Office estimates that there are more than 450,000 brownfield sites across the country .", "The Government Accounting Office estimates there are 450,000 brownfield sites .", "The Government Accounting Office estimates there are more than 450,000 brownfield sites across the country ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.0", "text": "Aside from what Senator Dole alluded to , for the most part , Bob Dole ignored the Whitewater and FBI files - the controversies that is - as he spent a second straight day courting California voters .", "summaries": ["Senator Bob Dole ignored the Whitewater and FBI files as he spent a second day courting California voters .", "Bob Dole ignored the Whitewater and FBI files controversies as he spent a day courting California voters .", "Dole ignored the Whitewater and FBI files as he spent a second day courting California voters ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.1", "text": "And , as our Bruce Morton explains , Dole 's strategy in the Golden State appears to be classic , as in the best Republican office is promoting a stronger defense .", "summaries": ["Dole 's strategy in the Golden State appears to be classic , as in the best Republican office is promoting a stronger defense .", "Dole 's strategy in the Golden State appears to be classic , as in the best Republican office is promoting a stronger defense .", "Dole 's in the Golden State promoting a stronger defense ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.10", "text": "I decided that I could put my career on the line , because I think America 's future 's on the line .", "summaries": ["I could put my career on the line , because America 's future 's on the line .", "I put my career on the line , because America 's future 's on the line .", "I put my career on the line , because America 's future 's on the line ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.11", "text": "That 's how important it is.", "summaries": ["That 's how important it is.", "That 's how important it is.", "That 's how important it is."]} +{"id": "bn9624.rpi_segs.txt.960618.534.12", "text": "So I decided to role the dice , and I rolled the dice , and now it 's up to you .", "summaries": ["I rolled the dice , and now it 's up to you .", "now it 's up to you .", "now it 's up to you ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.13", "text": "Crowd reactions ?", "summaries": ["Crowd reactions ?", "reactions ?", "reactions ?"]} +{"id": "bn9624.rpi_segs.txt.960618.534.14", "text": "Here are a few taken at random .", "summaries": ["Here are a few taken at random .", "Here are a few .", "Here are a few ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.15", "text": "The guy has some ideas .", "summaries": ["The guy has ideas .", "The guy has ideas .", "The guy has ideas ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.16", "text": "I think that 's part of the problem with a lot of politicians today .", "summaries": ["I think that 's part of the problem with politicians today .", "that 's the problem with politicians .", "that 's the problem with politicians today ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.17", "text": "They want to be president , but they do n't really seem to have an idea what they want to do when they get there , except to be president .", "summaries": ["They want to be president , but they do n't have an idea what they want to do when they get there .", "They want to be president , but they do n't seem to have an idea what they want to do there .", "They want to be president , but they do n't have an idea what they want to do , except to be president ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.18", "text": "He 's very down to earth and I thought was very true to what the American people really want .", "summaries": ["He 's down to earth and true to what the American people want .", "He 's down to earth and was true to what the people want .", "He 's down to earth and I thought was true to what American people want ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.19", "text": "They want to have security in their lives .", "summaries": ["They want to have security .", "They want security .", "They want to have security ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.2", "text": "This Lockheed plant in Sunnyvale , California , is working on the THAD [ sp ] missile , a more sophisticated version of the Patriot anti-missile used in the Gulf War .", "summaries": ["This Lockheed plant in Sunnyvale is working on the THAD missile , a more sophisticated version of the Patriot anti-missile used in the Gulf War .", "This Lockheed plant is working on the THAD missile , a more sophisticated version of the Patriot .", "This Lockheed plant in Sunnyvale , California , is working on the THAD missile , a more sophisticated Patriot anti-missile ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.20", "text": "Earlier , Dole stopped to visit a volunteer fire station , noting that both his father and grandfather had been firefighters .", "summaries": ["Dole stopped to visit a volunteer fire station , noting that both his father and grandfather had been firefighters .", "Dole stopped to visit a fire station , noting that his father and grandfather had been firefighters .", "Dole stopped to visit a volunteer fire station , noting that his father and grandfather had been firefighters ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.21", "text": "Dole used this stop to say that Clinton 's defense policies have hurt California .", "summaries": ["Dole used this to say that Clinton 's defense policies have hurt California .", "Dole used this to say that Clinton 's policies have hurt California .", "Clinton 's defense policies hurt California ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.22", "text": "At other stops on this tour , he 'll say other Clinton policies have done the same thing in other areas .", "summaries": ["At other stops , he 'll say other Clinton policies have done the same thing in other areas .", "he 'll say other policies have done the same in other areas .", "he 'll say other Clinton policies have done the same thing ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.23", "text": "From here , for instance , he goes to talk about agriculture .", "summaries": ["From here he goes to talk about agriculture .", "From here , he goes to talk about agriculture .", "he goes to talk about agriculture ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.24", "text": "Bruce Morton , CNN , Sunnyvale , California .", "summaries": ["Bruce Morton , CNN , Sunnyvale , California .", "Bruce Morton , CNN .", "Bruce Morton , California ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.3", "text": "But employment is down to about 10,000 , compared with 25,000 in 1986 .", "summaries": ["But employment is down to 10,000 , compared with 25,000 in 1986 .", "employment is about 10,000 , compared with 25,000 in 1986 .", "employment is down to 10,000 , compared with 25,000 in 1986 ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.4", "text": "Dole accused President Clinton of dragging his feet on missile defense .", "summaries": ["Dole accused President Clinton of dragging his feet on missile defense .", "Dole accused Clinton of dragging his feet on missile defense .", "Dole accused President Clinton of dragging his feet on defense ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.5", "text": "Mr. Clintons opposition to a missile defense is one of the most negligent , short-sighted , irresponsible and potentially catastrophic policies in history .", "summaries": ["Mr. Clintons opposition to a missile defense is one of the most negligent , short-sighted , irresponsible and catastrophic policies in history .", "Clintons opposition to a missile defense is negligent , short-sighted , irresponsible and potentially catastrophic .", "Mr. Clintons opposition to a missile defense is negligent , short-sighted , irresponsible and potentially catastrophic ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.6", "text": "And Dole said it encourages terrorists to think about missile attacks .", "summaries": ["Dole said it encourages terrorists to think about missile attacks .", "Dole said it encourages terrorists .", "it encourages missile attacks ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.7", "text": "From Libya to Iraq to Iran to North Korea and elsewhere , a rogues gallery of terrorists and aggressive anti-American regimes , I believe , are in effect being encouraged by the administration 's attitude .", "summaries": ["From Libya to Iraq to Iran to North Korea and elsewhere , terrorists and anti-American regimes are being encouraged by the administration 's attitude .", "terrorists and aggressive anti-American regimes are being encouraged by the administration 's attitude .", "From Libya to Iraq to Iran to North Korea , a rogues gallery of terrorists and aggressive anti-American regimes , are being encouraged by the administration 's attitude ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.8", "text": "Dole made it clear that he would speed development of this plant 's THAD and of missile defense in general .", "summaries": ["Dole would speed development of this plant 's THAD and of missile defense in general .", "Dole would speed development of THAD and of missile defense .", "Dole would speed development of this plant 's THAD and of missile defense in general ."]} +{"id": "bn9624.rpi_segs.txt.960618.534.9", "text": "He also noted that people often do n't believe what politicians say and linked that with his decision to leave the U.S. Senate .", "summaries": ["He noted that people do n't believe what politicians say and linked that with his decision to leave the Senate .", "He noted that people often do n't believe politicians and linked that with his decision to leave the Senate .", "He noted that people do n't believe politicians and linked that with his decision to leave the U.S. Senate ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.0", "text": "Once again , a breaking story here - an F-18 fighter has crashed and burned 25 miles northeast of St. Louis , Missouri - apparently , operated by McDonnell Douglas , the manufacturer of the aircraft .", "summaries": ["an F-18 fighter has crashed and burned 25 miles northeast of St. Louis , Missouri , operated by McDonnell Douglas , the manufacturer of the aircraft .", "an F-18 fighter has crashed 25 miles northeast of St. Louis - operated by McDonnell Douglas , the manufacturer .", "an F-18 fighter has crashed and burned 25 miles northeast of St. Louis , Missouri , operated by McDonnell Douglas , the manufacturer of the aircraft ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.1", "text": "With more on that , we turn to the Pentagon and our Jamie McIntyre .", "summaries": ["we turn to the Pentagon and Jamie McIntyre .", "With more on that , Jamie McIntyre .", "With more we turn to the Pentagon and Jamie McIntyre ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.10", "text": "Jamie , apparently they were trying to test out some kind of retro-fitting to this older C model .", "summaries": ["they were trying to test out some kind of retro-fitting to this model .", "they were trying out some retro-fitting to this model .", "they were trying to test some retro-fitting to this older C model ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.11", "text": "Do we know anything about the nature of those tests ?", "summaries": ["Do we know anything about those tests ?", "Do we know anything about those tests ?", "Do we know anything about those tests ?"]} +{"id": "bn9624.rpi_segs.txt.960619.624.12", "text": "No , I do n't at this point , Miles .", "summaries": ["I do n't at this point .", "No .", "No ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.13", "text": "We 've made some inquiries to McDonnell Douglas .", "summaries": ["We 've made inquiries to McDonnell Douglas .", "We 've made inquiries to McDonnell Douglas .", "We 've made inquiries to McDonnell Douglas ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.14", "text": "We called several times , and they have , at this point , not been willing to talk to us.", "summaries": ["We called several times , and they have not been willing to talk to us.", "they have not been willing to talk to us.", "they have not been willing to talk"]} +{"id": "bn9624.rpi_segs.txt.960619.624.15", "text": "All they 'll say is that they 'll have to get back to us.", "summaries": ["they say they 'll have to get back to us.", "they say they 'll get back to us.", "they say they 'll get back to us."]} +{"id": "bn9624.rpi_segs.txt.960619.624.16", "text": "All right .", "summaries": ["All right .", "All right .", "right ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.17", "text": "CNN 's Jamie McIntyre at the Pentagon - thanks for the details on that .", "summaries": ["Jamie McIntyre at the Pentagon - thanks for the details on that .", "Jamie McIntyre at the Pentagon - thanks .", "Jamie McIntyre at the Pentagon ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.18", "text": "And we , of course , will continue to keep you posted on this story .", "summaries": ["And we will continue to keep you posted on this story .", "we will keep you posted .", "we will keep you posted ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.2", "text": "Jamie , what do you have there ?", "summaries": ["what do you have there ?", "what do you have ?", "Jamie , what do you have ?"]} +{"id": "bn9624.rpi_segs.txt.960619.624.3", "text": "Well , very little additional information to add at this point , Miles , although Pentagon sources tell us this was not a U.S. military plane - that apparently , it was an older F-18 that had once been used by the Navy , but was now being leased back to McDonnell Douglas , who was using it for its own purposes .", "summaries": ["little information at this point , although Pentagon sources tell us this was not a military plane - it was an older F-18 that had been used by the Navy , but was now being leased back to McDonnell Douglas , who was using it for its own purposes .", "Pentagon sources tell us this was not a military plane - it was an F-18 once used by the Navy , but leased back to McDonnell Douglas .", "Pentagon sources tell us this was not a U.S. military plane , it was an older F-18 once used by the Navy , but now being leased back to McDonnell Douglas for its own purposes ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.4", "text": "Pentagon sources here tell us that the pilot of the plane , whose fate we still do n't know , was apparently a McDonnell Douglas test pilot , not a U.S. military pilot .", "summaries": ["Pentagon sources tell us that the pilot of the plane , whose fate we still do n't know , was a McDonnell Douglas test pilot , not a military pilot .", "the pilot , whose fate we do n't know , was a McDonnell Douglas pilot , not U.S. military .", "Pentagon sources tell us that the pilot , whose fate we still do n't know , was a McDonnell Douglas test pilot ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.5", "text": "Other than that , sources here confirm that they 've heard the reports that the F-18 crashed in a residential area northeast of St. Louis , Missouri , in the town of Bethalto , Illinois , and that- of course , St. Louis is the headquarters of McDonnell Douglas , where the F-18 is manufactured .", "summaries": ["sources confirm that they 've heard reports that the F-18 crashed in a residential area in the town of Bethalto , Illinois and that- St. Louis is the headquarters of McDonnell Douglas , where the F-18 is manufactured .", "sources confirm the reports that the F-18 crashed in a residential area northeast of St. Louis , in Bethalto , Illinois , St. Louis is the headquarters of McDonnell Douglas where the F-18 is manufactured .", "the F-18 crashed in a residential area northeast of St. Louis , Missouri , the headquarters of McDonnell Douglas , where the F-18 is manufactured ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.6", "text": "McDonnell Douglas right now is working on a new model - a new , improved F-18 model .", "summaries": ["McDonnell Douglas is working on a new , improved F-18 model .", "McDonnell Douglas is working on a new F-18 .", "McDonnell Douglas is working on a new , improved F-18 model ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.7", "text": "This , however , was not one of those EF models - this was an older C model plane .", "summaries": ["This was not one of those EF models - this was an older C model plane .", "This was not EF - this was an older C model .", "This was not one - this was an older C model plane ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.8", "text": "And we 're still waiting for details on whether the pilot escaped injury - was able to eject , and whether or not anyone was hurt on the ground .", "summaries": ["we 're waiting for details on whether the pilot escaped injury , and whether anyone was hurt on the ground .", "we 're waiting for details on whether the pilot and whether anyone was hurt on the ground .", "we 're still waiting on whether the pilot escaped injury , and whether or not anyone was hurt on the ground ."]} +{"id": "bn9624.rpi_segs.txt.960619.624.9", "text": "Miles ?", "summaries": ["Miles ?", "Miles ?", "Miles ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.0", "text": "And we have late word at this hour that Dr. Jack Kevorkian has , apparently , attended the 31st suicide .", "summaries": ["Dr. Jack Kevorkian has attended the 31st suicide .", "Dr. Jack Kevorkian has attended the 31st suicide .", "Dr. Jack Kevorkian has , apparently , attended the 31st suicide ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.1", "text": "And joining us by the telephone now is Geoffrey Fieger , Dr. Kevorkian 's attorney .", "summaries": ["joining us by telephone is Geoffrey Fieger , Dr. Kevorkian 's attorney .", "joining us by telephone is Geoffrey Fieger , Dr. Kevorkian 's attorney .", "joining us by telephone is Geoffrey Fieger , Dr. Kevorkian 's attorney ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.10", "text": "Who was she ?", "summaries": ["Who was she ?", "Who was she ?", "Who was she ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.11", "text": "She was 67-year-old woman who had suffered for years from a disease known as springo mayalia [ sp ] , which destroys the spinal cord .", "summaries": ["She was 67-year-old woman who had suffered from springo mayalia , which destroys the spinal cord .", "She was 67-year-old woman who had suffered from springo mayalia , which destroys the spinal cord .", "She was 67-year-old woman who suffered for years from springo mayalia , which destroys the spinal cord ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.12", "text": "She described it as having hundreds or thousands of ice picks tearing into her body .", "summaries": ["She described it as having hundreds or thousands of ice picks tearing into her body .", "She described it as thousands of ice picks tearing into her body .", "She described it as having thousands of ice picks tearing into her body ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.13", "text": "She was treated for years at the Ohio State University pain clinic .", "summaries": ["She was treated at the Ohio State University pain clinic .", "She was treated at the Ohio State University pain clinic .", "She was treated at the Ohio State University pain clinic ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.14", "text": "It is an incurable disease , and she has been counseling with Dr. Kevorkian for about six months .", "summaries": ["It is incurable , and she has been counseling with Dr. Kevorkian for six months .", "It is incurable , and she has been counseling with Dr. Kevorkian for six months .", "It is incurable , and she has been counseling with Dr. Kevorkian for six months ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.15", "text": "Mr. Fieger , can you tell us how long Ms. Hamilton had been in contact with Dr. Kevorkian ?", "summaries": ["can you tell us how long Ms. Hamilton had been in contact with Dr. Kevorkian ?", "how long Ms. Hamilton had been in contact with Dr. Kevorkian ?", "Mr. Fieger , how long Ms. Hamilton had been in contact with Dr. Kevorkian ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.16", "text": "About six months .", "summaries": ["six months .", "six months .", "six months ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.17", "text": "OK.", "summaries": ["OK.", "OK.", "OK."]} +{"id": "bn9624.rpi_segs.txt.960621.362.18", "text": "And where was the body found ?", "summaries": ["where was the body found ?", "where was the body found ?", "where was the body found ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.19", "text": "It was n't found anywhere .", "summaries": ["It was n't found anywhere .", "It was n't found anywhere .", "It was n't ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.2", "text": "Mr. Fieger , are you with us ?", "summaries": ["Mr. Fieger , are you with us ?", "Mr. Fieger , are you with us ?", "Mr. Fieger ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.20", "text": "It was brought by her best friend to the Pontiac Osteopathic Hospital in Detroit- excuse me , in Pontiac , Michigan , where doctors confirmed the death and treated the family with a lot of dignity and respect and compassion .", "summaries": ["It was brought by her friend to the Pontiac Osteopathic Hospital , where doctors confirmed the death and treated the family with dignity and respect and compassion .", "It was brought to the Osteopathic Hospital in Pontiac , Michigan , where doctors confirmed the death and treated the family with respect .", "It was brought by her friend to the Pontiac Osteopathic Hospital in Pontiac , Michigan , where doctors confirmed the death and treated the family with respect and compassion ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.21", "text": "All right , Mr. Fieger , thank you so much for joining us.", "summaries": ["thank you for joining us.", "thank you for joining us.", "Mr. Fieger , thank you"]} +{"id": "bn9624.rpi_segs.txt.960621.362.22", "text": "We 've been speaking with Geoffrey Fieger , who is Dr. Jack Kevorkian 's attorney .", "summaries": ["We 've been speaking with Dr. Jack Kevorkian 's attorney .", "We 've been speaking with Geoffrey Fieger , Dr. Kevorkian 's attorney .", "We 've been speaking with Geoffrey Fieger , Dr. Jack Kevorkian 's attorney ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.3", "text": "Yes , I am.", "summaries": ["Yes , I am.", "Yes , I am.", "Yes"]} +{"id": "bn9624.rpi_segs.txt.960621.362.4", "text": "Thank you for joining us.", "summaries": ["Thank you for joining us.", "Thank you for joining us.", "Thank you"]} +{"id": "bn9624.rpi_segs.txt.960621.362.5", "text": "Sure .", "summaries": ["Sure .", "Sure .", "Sure ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.6", "text": "First of all , can you confirm that Dr. Kevorkian was present at this suicide ?", "summaries": ["can you confirm that Dr. Kevorkian was present at this suicide ?", "Dr. Kevorkian was present at this suicide ?", "can you confirm Dr. Kevorkian was present at this suicide ?"]} +{"id": "bn9624.rpi_segs.txt.960621.362.7", "text": "Yes .", "summaries": ["Yes .", "Yes .", "Yes ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.8", "text": "Dr. Kevorkian and other members , including other physicians , were present , and assisted Betty Lou Hamilton [ sp ] of Columbus , Ohio , tonight end her years of suffering from a horrible disease that was destroying her spinal cord .", "summaries": ["Dr. Kevorkian and other physicians assisted Betty Lou Hamilton end her suffering from a disease that was destroying her spinal cord .", "Dr. Kevorkian and other physicians assisted Betty Lou Hamilton of Columbus , Ohio , end her suffering from a disease destroying her spinal cord .", "Dr. Kevorkian and other physicians assisted Betty Lou Hamilton of Columbus , Ohio , end her suffering from a disease destroying her spinal cord ."]} +{"id": "bn9624.rpi_segs.txt.960621.362.9", "text": "Can you tell us a little bit more about Ms. Hamilton ?", "summaries": ["Can you tell us more about Ms. Hamilton ?", "Can you tell us about Ms. Hamilton ?", "Can you tell us a more about Ms. Hamilton ?"]} +{"id": "bn9624.rpi_segs.txt.960621.405.0", "text": "The abortion issue is turning out to be especially divisive for Republicans in Texas .", "summaries": ["The abortion issue is divisive for Republicans in Texas .", "abortion is divisive for Republicans in Texas .", "The abortion issue is divisive for Republicans in Texas ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.1", "text": "It appears the party there is headed for a showdown at the state convention .", "summaries": ["the party there is headed for a showdown at the state convention .", "the party is headed for a showdown .", "the party is headed for a showdown at the state convention ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.10", "text": "If she 's not for the family , that 's what we 're here for .", "summaries": ["If she 's not for the family , that 's what we 're here for .", "If she 's not for the family , that 's what we 're here for .", "she 's not for the family ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.11", "text": "Delegates were asked to sign this pledge by anti-abortion advocates seeking to send a majority of their own delegates to San Diego .", "summaries": ["Delegates were asked to sign this pledge by anti-abortion advocates seeking to send their own delegates to San Diego .", "Delegates were asked to sign this pledge by anti-abortion advocates seeking to send their delegates to San Diego .", "Delegates were asked to sign this pledge by anti-abortion advocates seeking to send a majority ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.12", "text": "But Hutchison has received a vote of confidence from the other Texas senator , Phil Gramm , who says , if Hutchison does n't go , neither will he .", "summaries": ["Hutchison has received a vote of confidence from Texas senator Phil Gramm who says , if Hutchison does n't go , neither will he .", "the other Texas senator says if Hutchison does n't go , neither will he .", "But Hutchison received a vote of confidence from the other Texas senator , Phil Gramm , who says , if Hutchison does n't go , neither will he ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.13", "text": "I think we have heard from a very small minority , and unfortunately , they 're bullies .", "summaries": ["we have heard from a minority , and they 're bullies .", "we have heard from a small minority , and they 're bullies .", "we heard from a minority and they 're bullies ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.14", "text": "Bill Price , head of the Texans United for Life , has spearheaded the fight against Hutchison .", "summaries": ["Bill Price , head of the Texans United for Life , has spearheaded the fight against Hutchison .", "Bill Price has spearheaded the fight against Hutchison .", "Bill Price , head of Texans United for Life , spearheaded the fight against Hutchison ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.15", "text": "In a reference to Gramm 's low-budget Democratic challenger , Price says if Gramm does n't go , some in the party wo n't mind .", "summaries": ["Price says if Gramm does n't go , some in the party wo n't mind .", "Price says if Gramm does n't go , some wo n't mind .", "In reference to Gramm 's Democratic challenger , Price says if Gramm does n't go some in the party wo n't mind ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.16", "text": "Maybe he should buy a little white pickup and drive around Texas during the convention .", "summaries": ["he should buy a white pickup and drive around Texas during the convention .", "he should buy a pickup and drive around Texas during the convention .", "he should buy a little pickup and drive around Texas during the convention ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.17", "text": "Anti-abortion activists in other states have had success in getting a majority of their own delegates to the national convention .", "summaries": ["Anti-abortion activists in other states have had success in getting their own delegates to the national convention .", "Anti-abortion activists in other states have had success in getting their delegates to the convention .", "Anti-abortion activists in other states had success getting a majority of their delegates to the national convention ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.18", "text": "Hutchison could be the highest-ranking official to be shut out .", "summaries": ["Hutchison could be the highest-ranking official to be shut out .", "Hutchison could be the highest-ranking official to be shut out .", "Hutchison could be the highest-ranking official to be shut out ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.19", "text": "State party elders are pleading for unity .", "summaries": ["State party elders are pleading for unity .", "elders are pleading for unity .", "party elders are pleading for unity ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.2", "text": "As our Paul Caron explains , the outcome will determine who will get to help to choose the party 's nominee this August .", "summaries": ["the outcome will determine who will help to choose the party 's nominee this August .", "the outcome will determine who will get to choose the party 's nominee .", "the outcome will determine who will choose the party 's nominee this August ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.20", "text": "We 've got some differences , and I want to mediate- help mediate that dispute and see if we can come out united for November , and that 's my goal .", "summaries": ["We 've got differences , and I want to help mediate that dispute and see if we can come out united for November .", "We 've got differences , and I want to mediate that dispute and see if we can come out united .", "We 've some differences , we can come out united for November , and that 's my goal ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.21", "text": "Texas Governor George W. Bush says he wo n't tolerate a fight or even an embarrassment of keeping Senator Hutchison out .", "summaries": ["Texas Governor George W. Bush says he wo n't tolerate a fight or an embarrassment of keeping Hutchison out .", "George W. Bush says he wo n't tolerate keeping Hutchison out .", "Texas Governor George W. Bush says he wo n't tolerate a fight ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.22", "text": "There is no compromise as far as Kay Hutchison goes .", "summaries": ["There is no compromise as far as Kay Hutchison goes .", "There is no compromise .", "There is no compromise as far as Kay Hutchison ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.23", "text": "She ought to be a delegate to the national convention .", "summaries": ["She ought to be a delegate to the convention .", "She ought to be a delegate .", "She ought to be a delegate to the national convention ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.24", "text": "Hutchison 's following here may still think Kay is OK , but the controversy is n't the running start the state Republicans wanted in heading to the national convention .", "summaries": ["Hutchison 's following here may think Kay is OK , but the controversy is n't the start the state Republicans wanted .", "the controversy is n't the start the state Republicans wanted heading to the convention .", "Hutchison 's following here may think Kay is OK , but the controversy is n't the start the Republicans wanted heading to the national convention ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.25", "text": "Senator Hutchison did receive a warm welcome , though , from the crowd here .", "summaries": ["Hutchison did receive a warm welcome from the crowd here .", "Hutchison did receive a warm welcome .", "Senator Hutchison did receive a warm welcome from the crowd here ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.26", "text": "But some delegates say , since Bob Dole made his plea for tolerance on the abortion issue in the Republican Party , that the stakes for them are even higher .", "summaries": ["some delegates say , since Bob Dole made his plea for tolerance on the issue in the Republican Party , the stakes for them are higher .", "delegates say , since Bob Dole made his plea for tolerance on the issue in the Party , the stakes for them are higher .", "But since Bob Dole made his plea for tolerance on abortion in the Republican Party , the stakes for them are even higher ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.27", "text": "Paul Caron , CNN , San Antonio , Texas .", "summaries": ["Paul Caron , CNN , San Antonio , Texas .", "Paul Caron , CNN .", "Paul Caron , Texas ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.3", "text": "Texas anti-abortion activists have taken a stand and drawn a line in the sand on the state Republican Party 's position on abortion .", "summaries": ["Texas anti-abortion activists have taken a stand and drawn a line in the sand on the state Republican Party 's position .", "anti-abortion activists have drawn a line on the state Republican Party 's position .", "Texas anti-abortion activists have drawn a line in the sand on the state Republican Party 's position ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.4", "text": "This convention has decided to stand up and say , `` We 're not sending pro-aborts to San Diego to fight to change our party platform .", "summaries": ["This convention has decided to say , `` We 're not sending pro-aborts to San Diego to change our platform .", "This convention decided `` We 're not sending pro-aborts to San Diego to change our platform .", "This convention has decided to say , `` We 're not sending pro-aborts to San Diego to change our party platform ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.5", "text": "And the problem they face is Texas Senator Kay Bailey Hutchison .", "summaries": ["the problem they face is Texas Senator Kay Bailey Hutchison .", "the problem is Senator Kay Bailey Hutchison .", "they face Senator Kay Bailey Hutchison ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.6", "text": "I think a tolerance provision is very important for the Republican Party .", "summaries": ["a tolerance provision is important for the Republican Party .", "tolerance is important for the Republican Party .", "a tolerance provision is important for the Party ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.7", "text": "That has some Republicans wanting to block Hutchison out of the national convention as a delegate .", "summaries": ["That has some Republicans wanting to block Hutchison out of the national convention .", "That has some Republicans wanting Hutchison out of the national convention .", "That has some Republicans wanting to block Hutchison out of the national convention as a delegate ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.8", "text": "She should be pushed out .", "summaries": ["She should be pushed out .", "She should be pushed out .", "She should be pushed out ."]} +{"id": "bn9624.rpi_segs.txt.960621.405.9", "text": "I totally agree with that .", "summaries": ["I agree with that .", "I agree .", "I agree with that ."]} +{"id": "bn9625.rpi.txt.960621.3.0", "text": "The junk bond market heating up as well .", "summaries": ["The junk bond market heating up .", "The junk bond market heating up .", "The junk bond market heating up ."]} +{"id": "bn9625.rpi.txt.960621.3.1", "text": "Companies have issued $ 19 billion of junk bonds so far this year .", "summaries": ["Companies have issued $ 19 billion of junk bonds this year .", "Companies have issued $ 19 billion of junk bonds this year .", "Companies have issued $ 19 billion of junk bonds this year ."]} +{"id": "bn9625.rpi.txt.960621.3.10", "text": "Sales of junk bond mutual funds are outpacing corporate bonds , while government , municipal and mortgage bond mutual funds are reporting a net outflow of money .", "summaries": ["Sales of junk bond mutual funds are outpacing corporate bonds , while government , municipal and mortgage bond mutual funds are reporting a net outflow .", "junk bond mutual funds are outpacing corporate bonds , while government , municipal and mortgage bond mutual funds are reporting a net outflow of money .", "Sales of junk mutual funds are outpacing corporate bonds , while government , municipal and mortgage bond mutual funds are reporting a net outflow of money ."]} +{"id": "bn9625.rpi.txt.960621.3.11", "text": "High yields are vastly outperforming other bonds .", "summaries": ["High yields are outperforming other bonds .", "High yields are outperforming other bonds .", "yields are vastly outperforming other bonds ."]} +{"id": "bn9625.rpi.txt.960621.3.12", "text": "Fixed income experts say investors are chasing yield , but they 're also looking for a way to diversify portfolios .", "summaries": ["experts say investors are chasing yield , but they 're also looking for a way to diversify portfolios .", "Fixed income experts say investors are chasing yield , but also looking to diversify portfolios .", "Fixed income experts say investors are chasing yield , but they 're also looking to diversify portfolios ."]} +{"id": "bn9625.rpi.txt.960621.3.13", "text": "When K-Mart recently issued $ 1 billion of convertible preferred securities that yielded 7.75 percent , buyers were waiting in line .", "summaries": ["When K-Mart issued $ 1 billion of convertible preferred securities that yielded 7.75 percent , buyers were waiting in line .", "When K-Mart recently issued securities that yielded 7.75 percent , buyers were waiting in line .", "When K-Mart issued $ 1 billion of convertible preferred securities that yielded 7.75 percent , buyers were waiting in line ."]} +{"id": "bn9625.rpi.txt.960621.3.14", "text": "What makes a more efficient portfolio , to add this asset class to an existing portfolio .", "summaries": ["What makes a more efficient portfolio , to add this asset class to an existing portfolio .", "makes a more efficient portfolio to add this asset class .", "What makes a more efficient portfolio , to add this to an existing portfolio ."]} +{"id": "bn9625.rpi.txt.960621.3.15", "text": "And , we 're seeing some of that , we believe , in- in terms of these very high weekly cash flows into the high-yield sector of the bond market .", "summaries": ["we 're seeing some of that in terms of high weekly cash flows into the high-yield sector of the bond market .", "we 're seeing that in these cash flows into the high-yield sector of the bond market .", "we 're seeing that in these high weekly cash flows into the high-yield sector of the bond market ."]} +{"id": "bn9625.rpi.txt.960621.3.16", "text": "Quality is getting better in the high-yield sector .", "summaries": ["Quality is getting better in the high-yield sector .", "Quality is getting better in the sector .", "Quality is getting better ."]} +{"id": "bn9625.rpi.txt.960621.3.17", "text": "That 's because corporate cash flows are improving due to a strong economy .", "summaries": ["That 's because corporate cash flows are improving .", "corporate cash flows are improving due to a strong economy .", "corporate cash flows are improving due to a strong economy ."]} +{"id": "bn9625.rpi.txt.960621.3.18", "text": "Experts say this year 's pace is not likely to beat the record reached in 1993 , but investor demand will remain robust .", "summaries": ["Experts say this year 's pace is not likely to beat the record reached in 1993 , but investor demand will remain robust .", "this pace is not likely to beat the record reached in 1993 , but investor demand will remain robust .", "Experts say this pace is not likely to beat 1993 , but demand will remain robust ."]} +{"id": "bn9625.rpi.txt.960621.3.19", "text": "Kathleen Behof , CNN Financial News , Chicago .", "summaries": ["Kathleen Behof , CNN Financial News , Chicago .", "Kathleen Behof , CNN .", "Kathleen Behof , Chicago ."]} +{"id": "bn9625.rpi.txt.960621.3.2", "text": "That 's a gain of 70 percent from a year ago .", "summaries": ["That 's a gain of 70 percent from a year ago .", "That 's a gain of 70 percent from a year ago .", "That 's a gain of 70 percent from a year ago ."]} +{"id": "bn9625.rpi.txt.960621.3.20", "text": "The New York Stock Exchange is looking into whether the Bank of New York gave preferential treatment to large investors .", "summaries": ["The New York Stock Exchange is looking into whether the Bank of New York gave preferential treatment to large investors .", "The New York Stock Exchange is looking into whether the Bank of New York gave preferential treatment to large investors .", "The New York Stock Exchange is looking into whether the Bank of New York gave preferential treatment to large investors ."]} +{"id": "bn9625.rpi.txt.960621.3.21", "text": "Earlier this week , in a conference call with analysts , the bank said it boosted credit card reserves by $ 350 million .", "summaries": ["in a conference call with analysts , the bank said it boosted credit card reserves by $ 350 million .", "in a conference call , the bank said it boosted credit card reserves by $ 350 million .", "in a conference call with analysts the bank said it boosted credit card reserves by $ 350 million ."]} +{"id": "bn9625.rpi.txt.960621.3.22", "text": "The problem - that conference call took place before the markets closed .", "summaries": ["The problem - that conference call took place before the markets closed .", "that took place before the markets closed .", "The problem - that call took place before the markets closed ."]} +{"id": "bn9625.rpi.txt.960621.3.23", "text": "The news was not released to the public until after the closing bell .", "summaries": ["The news was not released until after the closing .", "The news was not released to the public until after the closing .", "The news was released to the public after the closing bell ."]} +{"id": "bn9625.rpi.txt.960621.3.24", "text": "That , of course , gave big investors an unfair advantage in trading of stock .", "summaries": ["That gave big investors an advantage in trading of stock .", "That gave big investors an unfair advantage .", "That gave big investors an unfair advantage in trading stock ."]} +{"id": "bn9625.rpi.txt.960621.3.25", "text": "Bank of New York today said it regrets the move and is taking steps to prevent a recurrence .", "summaries": ["Bank of New York said it regrets the move and is taking steps to prevent a recurrence .", "Bank of New York today said it regrets the move and is taking steps to prevent a recurrence .", "Bank of New York said it regrets the move and is taking steps to prevent a recurrence ."]} +{"id": "bn9625.rpi.txt.960621.3.26", "text": "Victory for small pharmacies all across the country .", "summaries": ["Victory for small pharmacies across the country .", "Victory for small pharmacies .", "Victory for small pharmacies across the country ."]} +{"id": "bn9625.rpi.txt.960621.3.27", "text": "A federal judge today approved a $ 351 million settlement against big drug makers .", "summaries": ["A federal judge approved a $ 351 million settlement against big drug makers .", "A federal judge approved a $ 351 million settlement against big drug makers .", "A federal judge approved a $ 351 million settlement against big drug makers ."]} +{"id": "bn9625.rpi.txt.960621.3.28", "text": "That deal would also give small pharmacies the same drug discounts offered to HMOs , hospitals and mail order retailers .", "summaries": ["That deal would give small pharmacies the same drug discounts offered to HMOs , hospitals and mail order retailers .", "That deal would give small pharmacies the same discounts offered to hospitals and mail order retailers .", "That deal would give small pharmacies the same drug discounts offered to HMOs , hospitals and mail order retailers ."]} +{"id": "bn9625.rpi.txt.960621.3.29", "text": "The first settlement , struck in May , did not give the drug stores equal access to pricing deals .", "summaries": ["The first settlement did not give the drug stores equal access to pricing deals .", "The settlement struck in May did not give equal access to pricing deals .", "The first settlement in May , did not give the drug stores equal pricing deals ."]} +{"id": "bn9625.rpi.txt.960621.3.3", "text": "Kathleen Behof reports from Chicago .", "summaries": ["Kathleen Behof reports from Chicago .", "Kathleen Behof reports .", "Kathleen Behof reports from Chicago ."]} +{"id": "bn9625.rpi.txt.960621.3.4", "text": "Retailers , drug makers , cable companies - they 're all issuing high-yield bonds at a frantic pace .", "summaries": ["Retailers , drug makers , cable companies - they 're issuing high-yield bonds at a frantic pace .", "Retailers , drug makers , cable companies 're issuing high-yield bonds .", "Retailers , drug makers , cable companies - they 're issuing high-yield bonds at a frantic pace ."]} +{"id": "bn9625.rpi.txt.960621.3.5", "text": "The amount of junk issued so far this year is up 72 percent from last year .", "summaries": ["The amount of junk issued this year is up 72 percent from last year .", "junk issued this year is up 72 percent from last year .", "The junk issued so far this year is up 72 percent from last year ."]} +{"id": "bn9625.rpi.txt.960621.3.6", "text": "Companies , especially media , telecommunications and cable , need money to fund growth .", "summaries": ["Companies need money to fund growth .", "telecommunications and cable need money to fund growth .", "Companies , especially media , telecommunications and cable , need to fund growth ."]} +{"id": "bn9625.rpi.txt.960621.3.7", "text": "Many of these companies had done initial public offerings of stock last year .", "summaries": ["Many of these had done initial public offerings of stock last year .", "Many companies had done public offerings of stock last year .", "Many of these companies had initial public offerings of stock last year ."]} +{"id": "bn9625.rpi.txt.960621.3.8", "text": "They are so capital-intensive though , they need more cash to go forward - building wire , building cable and bringing television programming all- to- to countries all over the world .", "summaries": ["They are so capital-intensive , they need more cash to go forward and to countries all over the world .", "They are capital-intensive , they need more cash - building wire , cable and television programming .", "They need more cash to go forward - building wire , building cable and bringing television programming to countries all over the world ."]} +{"id": "bn9625.rpi.txt.960621.3.9", "text": "They 're having an easy time finding buyers .", "summaries": ["They 're having an easy time finding buyers .", "They 're having an easy time finding buyers .", "They 're having an easy time finding buyers ."]} +{"id": "bn9625.rpi.txt.960622.88.0", "text": "Hello , I 'm Carolyn O'Neil and welcome to On The Menu .", "summaries": ["I 'm Carolyn O'Neil and welcome to On The Menu .", "I 'm Carolyn O'Neil welcome to On The Menu .", "I 'm Carolyn O'Neil and welcome to On The Menu ."]} +{"id": "bn9625.rpi.txt.960622.88.1", "text": "You know with summer officially upon us , it 's time to head outdoors and fire up the backyard grill .", "summaries": ["with summer upon us , it 's time to head outdoors and fire up the backyard grill .", "with summer upon us , it 's time fire up the backyard grill .", "with summer officially upon us , it 's time to fire up the backyard grill ."]} +{"id": "bn9625.rpi.txt.960622.88.10", "text": "It 's very difficult to test the temperature , the internal temperature of a hamburger .", "summaries": ["It 's difficult to test the internal temperature of a hamburger .", "It 's difficult to test the internal temperature .", "It 's difficult to test the internal temperature of a hamburger ."]} +{"id": "bn9625.rpi.txt.960622.88.11", "text": "So the best surrogate that we 've found is the color of the meat and if you cook your hamburger or if you ask for your hamburger brown in the middle , you really cut your chances , your risk of getting E. Coli 157H7 or some of the other E. coli .", "summaries": ["the best surrogate is the color of the meat and if you cook or ask for your hamburger brown in the middle , you cut your risk of getting E. Coli 157H7 or other E. coli .", "the best surrogate is the color and if you cook your hamburger brown in the middle , you cut your risk of getting E. Coli .", "the best surrogate is the color of the meat and if you cook hamburger or ask for your hamburger brown in the middle , you cut your risk of getting E. Coli 157H7 or other E. coli ."]} +{"id": "bn9625.rpi.txt.960622.88.12", "text": "And with more than just burgers on the grill , it 's important to pick up skills in cooking other meats .", "summaries": ["with more than burgers on the grill , it 's important to pick up skills in cooking other meats .", "it 's important to pick up skills in cooking other meats .", "it 's important to pick up skills in cooking other meats ."]} +{"id": "bn9625.rpi.txt.960622.88.13", "text": "The Pork Producers Council recommends using a meat thermometer to make sure pork is cooked to an internal temperature of at least 155 degrees .", "summaries": ["The Pork Producers Council recommends using a meat thermometer to make sure pork is cooked to an internal temperature of 155 degrees .", "The Pork Producers Council recommends using a meat thermometer to make sure pork is cooked to 155 degrees .", "The Pork Producers Council recommends using a meat thermometer to make sure pork is cooked to at least 155 degrees ."]} +{"id": "bn9625.rpi.txt.960622.88.14", "text": "Then you can learn the tongue test .", "summaries": ["you can learn the tongue test .", "Then you can learn the tongue test .", "you can learn the tongue test ."]} +{"id": "bn9625.rpi.txt.960622.88.15", "text": "I will take my tongs or my fork and I 'll simply touch the surface of the pork chop , as I 'm doing here to this chop I just took off the grill .", "summaries": ["I will take my tongs or my fork and touch the surface of the pork chop .", "I will take my tongs and I 'll touch the surface of the pork chop .", "I take my fork and touch the surface of the pork chop , ."]} +{"id": "bn9625.rpi.txt.960622.88.16", "text": "If there 's a little bit of give , just like that , I know that they 're done perfectly .", "summaries": ["If there 's a bit of give , they 're done perfectly .", "If there 's a little bit of give they 're done perfectly .", "If there 's a little bit of give , they 're done perfectly ."]} +{"id": "bn9625.rpi.txt.960622.88.17", "text": "If there 's a lot of give to the pork chop , that means you need to put it back on the grill and if it 's real hard , then you know you 've gone too far .", "summaries": ["If there 's a lot of give , you need to put it back on the grill and if it 's real hard , you 've gone too far .", "If there 's a lot of give , you need to put it back on the grill and if it 's real hard , you 've gone too far .", "If there 's a lot of give , you need to put it back on the grill ."]} +{"id": "bn9625.rpi.txt.960622.88.2", "text": "It not only gets you out of that hot kitchen , but according to the Barbecue Industry Association , 91 percent of folks say that they like to cook outdoors because they love the taste of grilled foods .", "summaries": ["according to the Barbecue Industry Association , 91 percent of folks say they like to cook outdoors because they love grilled foods .", "It not only gets you out , but according to the Barbecue Industry Association , 91 percent of folks love grilled foods .", "It not only gets you out of that hot kitchen , but according to the Barbecue Industry Association , 91 percent of folks say they cook outdoors because they love the taste of grilled foods ."]} +{"id": "bn9625.rpi.txt.960622.88.3", "text": "But cooking outside means moving further from the refrigerator and that means you have to pay closer attention to summer food safety .", "summaries": ["cooking outside means you have to pay attention to food safety .", "cooking outside means moving further from the refrigerator and that you have to pay attention to food safety .", "cooking outside means moving further from the refrigerator and you have to pay closer attention to food safety ."]} +{"id": "bn9625.rpi.txt.960622.88.4", "text": "It 's summertime and the grilling 's easy .", "summaries": ["It 's summertime and the grilling 's easy .", "It 's summertime and the grilling 's easy .", "It 's summertime and the grilling 's easy ."]} +{"id": "bn9625.rpi.txt.960622.88.5", "text": "But whether you 're flipping fish or a backyard burger , summer is no time to relax when it comes to food safety .", "summaries": ["summer is no time to relax when it comes to food safety .", "summer is no time to relax when it comes to food safety .", "whether you 're flipping fish or a burger , summer is no time to relax when it comes to food safety ."]} +{"id": "bn9625.rpi.txt.960622.88.6", "text": "It 's not clear whether picnicking and backyard cookouts are to blame , but according to the United States Department of Agriculture , there is an increase in reported cases of many food-borne illnesses between May and September .", "summaries": ["according to the United States Department of Agriculture , there is an increase in food-borne illnesses between May and September .", "whether picnicking and backyard cookouts are to blame , according to the United States Department of Agriculture , there is an increase in food-borne illnesses between May and September .", "It 's not clear whether cookouts are to blame , but according to the United States Department of Agriculture , there is an increase in cases of food-borne illnesses between May and September ."]} +{"id": "bn9625.rpi.txt.960622.88.7", "text": "So to keep summer foods safe , here are some timely tips .", "summaries": ["to keep summer foods safe , here are some tips .", "to keep summer foods safe , here are some tips .", "here are some tips ."]} +{"id": "bn9625.rpi.txt.960622.88.8", "text": "When cooking ground beef , make sure it 's thoroughly cooked .", "summaries": ["When cooking ground beef , make sure it 's thoroughly cooked .", "ground beef , make sure it 's thoroughly cooked .", "When cooking beef , make sure it 's thoroughly cooked ."]} +{"id": "bn9625.rpi.txt.960622.88.9", "text": "Undercooked hamburger can be a source of the deadly bacteria E. coli 0157H7 .", "summaries": ["Undercooked hamburger can be a source of E. coli 0157H7 .", "Undercooked hamburger can be a source of E. coli .", "Undercooked hamburger can be a source of the deadly bacteria E. coli 0157H7 ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.0", "text": "A national survey shows that managed care health plans are a bargain compared to more traditional health insurance and for some patients they are easier to use .", "summaries": ["A survey shows that managed care health plans are a bargain compared to traditional health insurance and for some patients they are easier to use .", "A survey shows that managed health plans are a bargain compared to traditional insurance and easier to use .", "A survey shows managed care health plans are a bargain compared to traditional health insurance and for some easier to use ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.1", "text": "But as CNN Medical Correspondent Dan Rutz reports , not all doctors think HMOs are good for their patient 's health .", "summaries": ["But not all doctors think HMOs are good for their patient 's health .", "not all doctors think HMOs are good .", "not all doctors think HMOs are good for their patient 's ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.10", "text": "She says she 's one of the few doctors around willing to lock horns with the managed care establishment , because she has cut all ties to it.", "summaries": ["she 's one of the few doctors willing to lock horns with the establishment , because she has cut all ties to it.", "she 's one of the few doctors willing to lock horns with the managed care establishment , because she has cut ties", "she 's one of few doctors willing to lock horns with the managed care establishment , because she has cut ties to it."]} +{"id": "bn9625.rpi_segs.txt.960622.120.11", "text": "I had a year contract , and it was so bad that I would come home crying almost every night , telling my husband about this patient or that , or-", "summaries": ["I would come home crying almost every night , telling my husband about this patient or that , or-", "I had a contract , and it was so bad that I would come home crying , telling my husband about this patient or that", "it was so bad that I would come home crying every night"]} +{"id": "bn9625.rpi_segs.txt.960622.120.12", "text": "Deerfield quit in disgust over common managed care practices , such as paying bonuses to doctors for not referring patients to specialists , creating roadblocks that lead to delayed or denied care , and so-called `` gag rules , ' preventing doctors from telling patients about treatments not automatically covered by the HMO .", "summaries": ["Deerfield quit over common practices , such as paying bonuses to doctors for not referring patients to specialists , creating roadblocks that lead to delayed or denied care , and rules preventing doctors from telling patients about treatments not covered by the HMO .", "Deerfield quit over practices , such as paying bonuses to doctors for not referring patients to specialists , creating roadblocks and gag rules , preventing doctors from telling patients about treatments .", "Deerfield quit over common managed care practices , such as paying bonuses for not referring patients to specialists , creating roadblocks that lead to delayed care , and preventing doctors from telling patients about treatments not covered by the HMO ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.13", "text": "At a time when nearly nine out of ten doctors are under at least one managed care contract , Deerfield is becoming a rare breed among doctors .", "summaries": ["At a time when nine out of ten doctors are under at least one managed care contract , Deerfield is becoming a rare breed .", "when nine out of ten doctors are under managed care contract , Deerfield is becoming a rare breed .", "when nearly nine out of ten doctors are under at least one managed care contract , Deerfield is becoming a rare breed ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.14", "text": "And , in fact , people that are normally patient advocates are discouraged , either because of the gag law , or because of peer pressure .", "summaries": ["patient advocates are discouraged , either because of the gag law , or peer pressure .", "patient advocates are discouraged either because of the gag law or peer pressure .", "people that are normally patient advocates are discouraged , either because of the gag law , or because of peer pressure ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.15", "text": "As more and more doctors sign up with managed care plans for economic survival , Deerfield says she 'll take her chances on the outside .", "summaries": ["As more doctors sign up with managed care plans for economic survival , Deerfield 'll take her chances on the outside .", "As more and more doctors sign up with managed care , Deerfield 'll take her chances on the outside .", "As doctors sign up with managed care plans for economic survival , she 'll take her chances ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.16", "text": "She says she 'd rather quit medicine entirely than practice on terms she cannot accept .", "summaries": ["she 'd rather quit medicine than practice on terms she cannot accept .", "she 'd rather quit medicine .", "she 'd rather quit medicine than practice on terms she cannot accept ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.17", "text": "Dan Rutz , CNN , Los Angeles .", "summaries": ["Dan Rutz , CNN , Los Angeles .", "Dan Rutz , CNN .", "Dan Rutz , Los Angeles ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.2", "text": "This doctor saved a man 's life - not with medicine , but by taking on the insurance bureaucracy that had given up on him .", "summaries": ["This doctor saved a man 's life by taking on the insurance bureaucracy that had given up on him .", "This doctor saved a man by taking on the bureaucracy that had given up on him .", "This doctor saved a life by taking on insurance bureaucracy ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.3", "text": "And I told him that I had a hard time dealing with a 39-year-old person who wants to live , and just not even trying .", "summaries": ["I told him that I had a hard time with a 39-year-old person who wants to live , and not trying .", "I had a hard time with a 39-year-old who wants to live , and not trying .", "I told him that I had a 39-year-old person who wants to live ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.4", "text": "Steven Herod was dying of heart failure , which had caused his stomach to swell to grotesque proportions .", "summaries": ["Steven Herod was dying of heart failure , which had caused his stomach to swell .", "Steven Herod was dying of heart failure , which had caused his stomach to swell .", "Steven Herod was dying of heart failure , which caused his stomach to swell to grotesque proportions ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.5", "text": "Herod says his HMO considered his condition too complicated and too expensive to handle .", "summaries": ["his HMO considered his condition too complicated and too expensive .", "his HMO considered his condition too complicated and expensive .", "his HMO considered his condition too complicated and expensive to handle ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.6", "text": "They told you it was not-", "summaries": ["They told you it was not-", "They told you it was not-", "it was not-"]} +{"id": "bn9625.rpi_segs.txt.960622.120.7", "text": "-They told me it was not treatable , and they just- you know , they basically did n't want to have anything to do with me , I 'll tell you the truth .", "summaries": ["-They told me it was not treatable , and they basically did n't want to have anything to do with me .", "-They told me it was not treatable , and they did n't want to have anything to do with me .", "-They told me it was not treatable , and they did n't want to have anything to do with me ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.8", "text": "What they did n't tell him was that if he got some very experienced surgeon , who had- you know , who could do this fancy kind of surgery , that that was a possibility .", "summaries": ["they did n't tell him that if he got some experienced surgeon , who could do this kind of surgery , that that was a possibility .", "they did n't tell him that if he got some surgeon who could do this surgery , that was a possibility .", "they did n't tell him that if he got some experienced surgeon , that that was a possibility ."]} +{"id": "bn9625.rpi_segs.txt.960622.120.9", "text": "Deerfield , who was on duty when Herod arrived in the hospital emergency room , went to bat for him , and with the help of a congressional aide , found the money to pay for his life-saving operation .", "summaries": ["Deerfield , on duty when Herod arrived in the emergency room , went to bat for him and with the help of a congressional aide , found the money to pay for his operation .", "Deerfield was on duty when Herod arrived , went to bat for him , and with a congressional aide , found the money to pay for his operation .", "Deerfield , on duty when Herod arrived in the emergency room , and a congressional aide , found the money to pay for his life-saving operation ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.0", "text": "Sunday will be a day for Greeks to remember their long-time former prime minister , Andreas Papandreou .", "summaries": ["Sunday will be a day for Greeks to remember their former prime minister , Andreas Papandreou .", "Sunday Greeks remember Andreas Papandreou .", "Sunday Greeks remember their former prime minister , Andreas Papandreou ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.1", "text": "He has died at the age of 77 after months of failing health .", "summaries": ["He has died at the age of 77 after months of failing health .", "He has died .", "He died at 77 after months of failing health ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.10", "text": "He had open-heart surgery in London in 1988 .", "summaries": ["He had open-heart surgery in London in 1988 .", "He had open-heart surgery .", "He had open-heart surgery in 1988 ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.11", "text": "After leaving the hospital , he arrived back in Greece in true Papandreou style - with his young mistress , a former airline flight attendant , at his side .", "summaries": ["he arrived back in Greece with his young mistress , a former airline flight attendant .", "he arrived back in Greece with his mistress at his side .", "he arrived back in Greece in true Papandreou style - with his young mistress , a former airline flight attendant ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.12", "text": "He divorced his wife and declared this mistress the new first lady of Greece .", "summaries": ["He divorced his wife and declared this mistress the new first lady .", "He divorced and declared this mistress the new first lady of Greece .", "He divorced his wife and declared this mistress the new first lady of Greece ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.13", "text": "He married her a year later .", "summaries": ["He married her a year later .", "He married her later .", "He married a year later ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.14", "text": "Scandals about his private life he could fight off.", "summaries": ["Scandals about his private life he could fight off.", "Scandals about his private life he could fight off.", "Scandals he could fight off."]} +{"id": "bn9625.rpi_segs.txt.960622.133.15", "text": "It was a political scandal that forced Papandreou out of power .", "summaries": ["a political scandal forced Papandreou out of power .", "a political scandal forced Papandreou out of power .", "a political scandal forced Papandreou out of power ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.16", "text": "In 1989 , he was accused of helping to embezzle hundreds of millions of dollars .", "summaries": ["In 1989 , he was accused of helping to embezzle hundreds of millions of dollars .", "he was accused of helping to embezzle millions of dollars .", "In 1989 , he was accused of helping to embezzle millions of dollars ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.17", "text": "With the scandal hanging over his head , and the economy turning sour , the socialists fell out of favor and Papandreou became Greece 's former prime minister .", "summaries": ["With the scandal , and the economy turning sour , the socialists fell out of favor and Papandreou became Greece 's former prime minister .", "With the scandal and the economy turning sour , Papandreou became Greece 's former prime minister .", "With the scandal and the economy turning sour , the socialists fell out of favor and Papandreou became Greece 's former prime minister ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.18", "text": "It was a title he would not hold for long .", "summaries": ["It was a title he would not hold for long .", "It was a title he would not hold for long .", "It was a title he would not hold for long ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.19", "text": "In 1992 , he was cleared of any connection to the financial scandal and was once again elected prime minister .", "summaries": ["In 1992 , he was cleared the financial scandal and was again elected prime minister .", "he was cleared of any connection the scandal and was elected prime minister .", "In 1992 , he was cleared of any connection to the financial scandal and was again elected prime minister ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.2", "text": "CNN 's David Compton now joins us with a look back at a colorful and controversial political figure .", "summaries": ["CNN 's David Compton joins us with a look back at a colorful and controversial political figure .", "David Compton joins us with a look at a controversial political figure .", "CNN 's David Compton now joins us with a look a controversial political figure ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.20", "text": "But time had mellowed the fiery Papandreou .", "summaries": ["time had mellowed Papandreou .", "time had mellowed Papandreou .", "time mellowed Papandreou ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.21", "text": "He still knocked heads with European and U.S. leaders , but his rhetoric had been toned down .", "summaries": ["He still knocked heads with European and U.S. leaders , but his rhetoric had been toned down .", "He knocked heads with leaders , but his rhetoric had been toned down .", "He knocked heads with European and U.S. leaders , but his rhetoric had been toned down ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.22", "text": "He even began to court the approval and economic help of other Western nations , and talked of privatizing some state-run industries .", "summaries": ["He began to court the economic help of other Western nations , and talked of privatizing state-run industries .", "He began to court the help of Western nations , and talked of privatizing some industries .", "He began to court the approval and economic help of other Western nations , and talked of privatizing state-run industries ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.23", "text": "In his final years , Papandreou shied away from public appearances and Cabinet meetings became less and less frequent .", "summaries": ["In his final years , Papandreou shied away from public appearances and Cabinet meetings became less frequent .", "Papandreou shied away from public appearances and Cabinet meetings .", "In his final years , Papandreou shied away from appearances and Cabinet meetings became less frequent ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.24", "text": "In the end , it was failing health , not political rivals , that ended the Papandreou era .", "summaries": ["it was failing health , not political rivals , that ended the Papandreou era .", "it was failing health that ended the Papandreou era .", "failing health , not political rivals , ended the Papandreou era ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.25", "text": "David Compton , CNN , reporting .", "summaries": ["David Compton , CNN , reporting .", "David Compton , CNN .", "David Compton , CNN ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.3", "text": "Andreas Papandreou was educated in the United States at Harvard .", "summaries": ["Papandreou was educated at Harvard .", "Andreas Papandreou was educated at Harvard .", "Andreas Papandreou was educated at Harvard ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.4", "text": "He became a power player in Greek politics in 1974 , when he founded the socialist Pasok party .", "summaries": ["in 1974 he founded the socialist Pasok party .", "in 1974 he founded the socialist Pasok party .", "He became a power player in Greek politics in 1974 , when he founded the socialist Pasok party ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.5", "text": "He would rule the socialists with an iron grip for more than two decades .", "summaries": ["He would rule the socialists for more than two decades .", "He would rule the socialists for more than two decades .", "He would rule the socialists for two decades ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.6", "text": "In 1981 , he took the nation by storm .", "summaries": ["In 1981 , he took the nation by storm .", "In 1981 , he took the nation by storm .", "In 1981 , he took the nation by storm ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.7", "text": "His socialists came to power in a landslide election victory and Andreas Papandreou was Greek prime minister .", "summaries": ["His socialists came to power in a landslide election victory and Papandreou was Greek prime minister .", "His socialists came to power and Andreas Papandreou was prime minister .", "His socialists came to power in a landslide election victory and Andreas Papandreou was prime minister ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.8", "text": "At various times , he vowed to pull Greece out of NATO and the European Union , promises he never kept but which won him fanatical support at home .", "summaries": ["he vowed to pull Greece out of NATO and the European Union , promises he never kept but which won him support .", "he vowed to pull Greece out of NATO and the European Union , promises he never kept but which won him support .", "he vowed to pull Greece out of NATO and the European Union , promises he never kept but which won him support at home ."]} +{"id": "bn9625.rpi_segs.txt.960622.133.9", "text": "Health problems sapped some of his once boundless energy .", "summaries": ["Health problems sapped some of his energy .", "Health problems sapped his energy .", "Health problems sapped his once boundless energy ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.0", "text": "Ted Kaczynski has a new home while he awaits his first trial on attacks linked to the Unabomber .", "summaries": ["Ted Kaczynski has a new home while he awaits trial on attacks linked to the Unabomber .", "Ted Kaczynski awaits his trial on attacks linked to the Unabomber .", "Ted Kaczynski has a new home while he awaits trial on attacks linked to the Unabomber ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.1", "text": "The Montana recluse has been transported to California amid heavy security .", "summaries": ["The Montana recluse has been transported to California .", "The recluse has been transported to California .", "The Montana recluse has been transported to California ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.10", "text": "He arrived at about 11 Pacific time Sunday morning at Mather [ sp ] Field about 15 miles east of Sacramento .", "summaries": ["He arrived Sunday morning at Mather Field 15 miles east of Sacramento .", "He arrived Sunday morning at Mather Field 15 miles of Sacramento .", "He arrived Sunday morning at Mather Field 15 miles east of Sacramento ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.11", "text": "Officers took the Unabomb suspect into an armored vehicle and drove in a seven-car motorcade to Sacrament 's County jail .", "summaries": ["Officers took the suspect into an armored vehicle and drove in a seven-car motorcade to County jail .", "Officers took the suspect into an armored vehicle and drove in a motorcade to Sacrament 's jail .", "Officers took the suspect into an armored vehicle in a seven-car motorcade to Sacrament 's County jail ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.12", "text": "While he 's charged with some very egregious crimes , his conduct in custody has been quite the contrary .", "summaries": ["While he 's charged with some egregious crimes , his conduct in custody has been the contrary .", "charged with egregious crimes , his conduct in custody has been the contrary .", "While he 's charged with egregious crimes , his conduct in custody has been quite the contrary ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.13", "text": "He 's very placid , calm , sedentary , all the time .", "summaries": ["He 's placid , calm , sedentary , all the time .", "He 's very placid .", "He 's very placid ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.14", "text": "Does nothing more than read .", "summaries": ["Does nothing more than read .", "Does nothing more than read .", "Does nothing more than read ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.15", "text": "Kaczynski occupies a cell on the eighth floor with a window that provides a view of Sacramento , a town where two Unabomb victims died .", "summaries": ["Kaczynski occupies a cell on the eighth floor with a view of Sacramento , where two Unabomb victims died .", "Kaczynski occupies a cell with a a view of Sacramento , where two Unabomb victims died .", "Kaczynski occupies a cell with a view of Sacramento , a town where two Unabomb victims died ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.16", "text": "We may have seen the last new pictures of Kaczynski .", "summaries": ["We may have seen the last pictures of Kaczynski .", "We may have seen the last new pictures of Kaczynski .", "We may have the last new pictures of Kaczynski ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.17", "text": "Plans call for trips to court to begin in a garage beneath the county jail and end in a garage beneath the federal courthouse , places where cameras are not allowed .", "summaries": ["Plans call for trips to court to begin in a garage beneath the county jail and end in a garage beneath the federal courthouse , where cameras are not allowed .", "Plans call for trips to begin in a garage beneath the jail and end in a garage beneath the courthouse , places where cameras are not allowed .", "trips to court begin in a garage beneath the county jail and end in a garage beneath the federal courthouse , where cameras are not allowed ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.18", "text": "Kaczynski faces charges contained in a 10-count federal indictment naming him as the person responsible for transporting bombs and bomb parts from Montana to California and mailing them to victims .", "summaries": ["Kaczynski faces charges contained in a 10-count indictment naming him as the person responsible for transporting bombs and bomb parts from Montana to California and mailing them to victims .", "Kaczynski faces charges naming him responsible for transporting bombs and bomb parts and mailing them to victims .", "Kaczynski faces a 10-count federal indictment for transporting bombs and bomb parts from Montana to California and mailing them to victims ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.19", "text": "In all , the Unabomb task force says the Unabomb suspect was responsible for some 23 injuries and three deaths over a 17-year period .", "summaries": ["the Unabomb task force says the suspect was responsible for 23 injuries and three deaths over a 17-year period .", "the Unabomb suspect was responsible for 23 injuries and three deaths over a 17-year period .", "the task force says the suspect was responsible for 23 injuries and three deaths over a 17-year period ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.2", "text": "With the help of CNN affiliate KCRA , our Don Knapp joins us now live from Sacramento with a look at what 's next .", "summaries": ["Don Knapp joins us live from Sacramento with a look at what 's next .", "Don Knapp joins us from Sacramento .", "Don Knapp joins us from Sacramento ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.20", "text": "Jill , back to you .", "summaries": [", back to you .", "Jill .", "back to you ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.21", "text": "Thanks very much , Don .", "summaries": ["Thanks , Don .", "Thanks , Don .", "Thanks very much ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.3", "text": "Jill , Ted- Theodore Kaczynski is not very far from us right now .", "summaries": ["Theodore Kaczynski is not far from us right now .", "Kaczynski is not very far .", "Theodore Kaczynski is not far from us ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.4", "text": "He 's in the building behind me .", "summaries": ["He 's in the building behind me .", "He 's in the building behind .", "He 's in the building behind me ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.5", "text": "He 's up on the eighth floor in a jail cell .", "summaries": ["He 's on the eighth floor in a cell .", "He 's on the eighth floor in a cell .", "He 's on the eighth floor in a cell ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.6", "text": "It 's the Sacramento County Jail , where he has been since about mid-day today .", "summaries": ["It 's the Sacramento County Jail , where he has been since mid-day .", "It 's the Sacramento County Jail , where he has been since mid-day .", "It 's the Sacramento County Jail , where he has been since mid-day today ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.7", "text": "But as close as we are , it is unlikely we will have any more photo ops- as a sheriff 's sergeant said to me earlier today , any more photo ops of the man known as the Unabomb suspect .", "summaries": ["it is unlikely we will have any more photo ops of the man known as the Unabomb suspect .", "it is unlikely we will have more photo ops- as a sheriff 's sergeant said to me , of the Unabomb suspect .", "it is unlikely we will have any more photo ops of the man known as the Unabomb suspect ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.8", "text": "A U.S. marshal 's jet plane brought Kaczynski from Montana a day earlier than expected .", "summaries": ["A U.S. marshal 's plane brought Kaczynski a day earlier than expected .", "A marshal 's plane brought Kaczynski from Montana earlier than expected .", "A U.S. marshal plane brought Kaczynski from Montana a day earlier than expected ."]} +{"id": "bn9625.rpi_segs.txt.960623.83.9", "text": "Following a hearing in Helena Friday , marshals here said Kaczynski would arrive Monday evening .", "summaries": ["Following a hearing Friday , marshals here said Kaczynski would arrive Monday evening .", "Following a hearing in Helena , marshals said Kaczynski would arrive Monday .", "Following a hearing in Helena Friday , marshals said Kaczynski would arrive Monday ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.0", "text": "The fuss over secret FBI files inside the White House grew louder today .", "summaries": ["The fuss over secret FBI files inside the White House grew louder today .", "The fuss over FBI files inside the White House grew louder .", "The fuss over FBI files inside the White House grew louder today ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.1", "text": "One key Republican now contends some of the records contain private taxpayer documents .", "summaries": ["One Republican contends some of the records contain private taxpayer documents .", "One Republican contends some records contain taxpayer documents .", "One Republican now contends the records contain private taxpayer documents ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.10", "text": "FBI files are one thing - that 's bad enough .", "summaries": ["FBI files are one thing - that 's bad enough .", "FBI files 's bad enough .", "FBI files are bad ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.11", "text": "But IRS files are worse .", "summaries": ["IRS files are worse .", "IRS files are worse .", "IRS files are worse ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.12", "text": "Don Alexander was the IRS commissioner under President Richard Nixon .", "summaries": ["Don Alexander was the IRS commissioner under Richard Nixon .", "Don Alexander was IRS commissioner under Nixon .", "Don Alexander was the IRS commissioner under President Nixon ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.13", "text": "Nixon used the IRS to dig up dirt on political opponents .", "summaries": ["Nixon used the IRS to dig up dirt on opponents .", "Nixon used the IRS to dig up dirt on opponents .", "Nixon used the IRS to dig up dirt on opponents ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.14", "text": "Alexander then helped pass post-Watergate reforms to prevent that from happening again .", "summaries": ["Alexander helped pass post-Watergate reforms to prevent that from happening again .", "Alexander helped pass reforms to prevent that from happening again .", "Alexander helped pass reforms to prevent that from happening again ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.15", "text": "I do n't want some clowns in the White House , however high they might be , to go back to some days that I thought were finished forever in this country .", "summaries": ["I do n't want clowns in the White House to go back to days I thought were finished .", "I do n't want the White House to go back to days that I thought were finished .", "I do n't want the White House , to go back to days that I thought were finished in this country ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.16", "text": "I was dumb enough and naive enough to believe that Watergate and some of its abuses could not happen again .", "summaries": ["I was dumb and naive to believe that Watergate and some of its abuses could not happen again .", "I was naive to believe that Watergate could not happen again .", "I was naive to believe that Watergate abuses could not happen again ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.17", "text": "Now , I question that belief .", "summaries": ["Now , I question that belief .", "I question that belief .", "I question that belief ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.18", "text": "It 's unclear exactly what IRS records actually made their way to the White House , how many files are involved , or how they got there in the first place .", "summaries": ["It 's unclear what IRS records made their way to the White House , how many files are involved , or how they got there .", "It 's unclear what IRS records made their way to the White House , how many files are involved , or how they got there .", "It 's unclear what IRS records are involved , or how they got there ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.19", "text": "Officials are still trying to track all of the FBI files that ended up at the White House .", "summaries": ["Officials are trying to track the files that ended up at the White House .", "Officials are still trying to track the FBI files .", "Officials are trying to track FBI files that ended up at the White House ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.2", "text": "If true , some White House staffers could face criminal inquiries .", "summaries": ["If true , some staffers could face criminal inquiries .", "White House staffers could face criminal inquiries .", "some White House staffers could face criminal inquiries ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.20", "text": "Last week , a source close to former White House security chief Craig Livingstone told CNN that the White House still has n't released the names of at least five other key Republicans whose FBI files they obtained .", "summaries": ["a source told CNN that the White House has n't released the names of at least five other Republicans whose FBI files they obtained .", "a source close to former White House security chief Craig Livingstone told CNN that the White House has n't released the names of five Republicans whose files they obtained .", "a source close to former White security chief Craig Livingstone told CNN that the White House still has n't released the names of at least five Republicans whose files they obtained ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.21", "text": "The White House says it 's turned over everything it has .", "summaries": ["The White House says it 's turned over everything it has .", "The White House says it 's turned over everything .", "The White House says it 's turned over everything ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.22", "text": "On Monday , Republican Congressman William Clinger requested that the White House provide still more documents on the affair , including records of any reprimands of Livingstone .", "summaries": ["Republican Congressman William Clinger requested that the White House provide more documents on the affair , including records of any reprimands of Livingstone .", "Republican Congressman William Clinger requested more documents , including records of any reprimands of Livingstone .", "Republican Congressman William Clinger requested the White House provide more documents ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.23", "text": "Sources tell CNN that Livingstone was reviewed months ago by an administration official for talking about the sensitive background reports .", "summaries": ["Sources tell CNN that Livingstone was reviewed by an administration official for talking about the background reports .", "Sources tell CNN that Livingstone was reviewed by an official for talking about the reports .", "Livingstone was reviewed by an administration official for talking about the sensitive background reports ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.24", "text": "It all heats up further this week .", "summaries": ["It all heats up this week .", "It all heats up further .", "It heats up further ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.25", "text": "Two congressional committees plan for the first time to hear public testimony from the White House officials involved .", "summaries": ["Two congressional committees plan to hear public testimony from the White House officials involved .", "Two committees plan to hear testimony from White House officials .", "Two congressional committees plan to hear public testimony from the White House officials involved ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.26", "text": "Sources say some will have to be subpoenaed to testify .", "summaries": ["some will have to be subpoenaed to testify .", "Sources say some will have to be subpoenaed .", "some will have to be subpoenaed ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.27", "text": "Mark Feldstein , CNN , Washington .", "summaries": ["Mark Feldstein , CNN , Washington .", "Mark Feldstein , CNN .", "Mark Feldstein , Washington ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.3", "text": "A post-Watergate law makes it illegal for anyone to look at your tax papers without permission .", "summaries": ["A law makes it illegal for anyone to look at your tax papers without permission .", "A law makes it illegal to look at tax papers without permission .", "A post-Watergate law makes it illegal for anyone to look at your tax papers without permission ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.4", "text": "CNN 's Mark Feldstein looks into this growing election-year embarrassment for the White House .", "summaries": ["Mark Feldstein looks into this embarrassment for the White House .", "Mark Feldstein looks into this embarrassment for the White House .", "Mark Feldstein looks into this election-year embarrassment for the White House ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.5", "text": "Secret files obtained by the White House on officials from Republican administrations allegedly included IRS as well as FBI records .", "summaries": ["files obtained by the White House on officials from Republican administrations included IRS as well as FBI records .", "files on officials from Republican administrations allegedly included IRS as well as FBI records .", "files obtained on officials from Republican administrations allegedly included IRS as well as FBI records ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.6", "text": "In a letter to FBI Director Louis Freeh , Republican Senator Charles Grassley says his Judiciary Committee staff discovered IRS documents while reviewing the controversial files .", "summaries": ["Republican Senator Charles Grassley says his staff discovered IRS documents while reviewing the files .", "In a letter to FBI , Senator Charles Grassley says his Committee discovered IRS documents while reviewing the files .", "Republican Senator Charles Grassley says his Judiciary Committee staff discovered IRS documents while reviewing the controversial files ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.7", "text": "Grassley wants an explanation .", "summaries": ["Grassley wants an explanation .", "Grassley wants an explanation .", "Grassley wants an explanation ."]} +{"id": "bn9625.rpi_segs.txt.960624.37.8", "text": "The FBI declined to comment to CNN.", "summaries": ["The FBI declined to comment", "The FBI declined to comment", "The FBI declined to comment"]} +{"id": "bn9625.rpi_segs.txt.960624.37.9", "text": "White House Spokesman Mark Fabiani said he does n't know if any of the disputed files also include confidential tax information , because the White House has now returned all of its files to the FBI .", "summaries": ["White House Spokesman Mark Fabiani said he does n't know if any of the files include confidential tax information , because the White House has returned all files to the FBI .", "White House Spokesman Mark Fabiani does n't know if any of the files include tax information , because the White House has returned all its files to the FBI .", "White House Spokesman Mark Fabiani does n't know if any of the files include tax information , because the White House returned its files to the FBI ."]} diff --git a/SCRL_new/data/test-data/duc2004.jsonl b/SCRL_new/data/test-data/duc2004.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..4d1fe1bccbdada32cfe690f4f66a3bf249f44426 --- /dev/null +++ b/SCRL_new/data/test-data/duc2004.jsonl @@ -0,0 +1,500 @@ +{"id": "APW19981016.0240", "text": "Cambodian leader Hun Sen on Friday rejected opposition parties' demands for talks outside the country, accusing them of trying to ``internationalize'' the political crisis.", "summaries": ["Cambodian government rejects opposition's call for talks abroad", "Cambodian leader Hun Sen rejects opposition demands for talks in Beijing.", "Hun Sen rejects out of country talks, Sihanouk asked to host summit", "New Cambodian government in limbo as Hun Sen rejects talks out of country"]} +{"id": "APW19981022.0269", "text": "King Norodom Sihanouk has declined requests to chair a summit of Cambodia's top political leaders, saying the meeting would not bring any progress in deadlocked negotiations to form a government.", "summaries": ["Sihanouk refuses to chair Cambodian political summit at home or abroad", "Sihanouk refuses to host talks of Cambodian political leaders in Beijing.", "Efforts to form a government deadlocked, Sihanouk will not chair summit", "Norodom Sihanouk declines role to mediate in Cambodian governmental crisis"]} +{"id": "APW19981026.0220", "text": "Cambodia's two-party opposition asked the Asian Development Bank Monday to stop providing loans to the incumbent government, which it calls illegal.", "summaries": ["Opposition asks end to loans to \"illegal\" Cambodian government", "Cambodian opposition asks ADB to stop loans to the Hun Sen government.", "Cambodia's two-party opposition seeks to block bank loans to government", "Opponents of Cambodian government ask Asian Development Bank to stop loans"]} +{"id": "APW19981027.0491", "text": "Cambodia's ruling party responded Tuesday to criticisms of its leader in the U.S. Congress with a lengthy defense of strongman Hun Sen's human rights record.", "summaries": ["Cambodian party defends leader Hun Sen against criticism of U.S. House", "CPP defends Hun Sen to US Senate. Asks rejection of non-binding resolution.", "Cambodia's ruling party seeks to counter human right's criticism", "US House seeks probe of Cambodian rights violations; Ruling party responds"]} +{"id": "APW19981031.0167", "text": "Cambodia's leading opposition party ruled out sharing the presidency of Parliament with its arch foe Saturday, insisting it alone must occupy the top position in the legislative body.", "summaries": ["Cambodian party rejects government offer to share legislative office", "FUNCINPEC refuses to share presidency with CPP; says unconstitutional.", "Disputes over presidency block efforts to form a new government", "Opposition Royalists reject power sharing and talking with Cambodian CPP"]} +{"id": "APW19981113.0251", "text": "Cambodia's bickering political parties broke a three-month deadlock Friday and agreed to a coalition government leaving strongman Hun Sen as sole prime minister, King Norodom Sihanouk announced.", "summaries": ["Cambodian King announces coalition government with Hun Sen as sole Premier", "Hun Sen and Ranariddh form coalition; new senate to be formed.", "Political deadlock broken, Hun Sen to be Cambodia's prime minister", "Sihanouk says Cambodian government crisis resolved; parties to share power"]} +{"id": "APW19981116.0205", "text": "Cambodian politicians expressed hope Monday that a new partnership between the parties of strongman Hun Sen and his rival, Prince Norodom Ranariddh, in a coalition government would not end in more violence.", "summaries": ["Hun Sen, Prince Ranariddh share power in new coalition Cambodian government", "Cambodian coalition formed between Hun Sen and Ranariddh. Rainsy left out.", "Hope for partnership between Hun Sen and rival, Prince Ranariddh", "Cambodians hope that violence will be avoided in new coalition government"]} +{"id": "APW19981118.0276", "text": "Cambodian leader Hun Sen has guaranteed the safety and political freedom of all politicians, trying to ease the fears of his rivals that they will be arrested or killed if they return to the country.", "summaries": ["Cambodian Prime Minister promises safety and freedom to all politicians", "Hun Sen guarantees safety of all politicians. Rainsy and SRP not satisfied.", "Hun Sen Guarantees safety and freedom to fearful rivals in exile", "Hun Sen guarantees safety and freedom, political opponents remain wary"]} +{"id": "APW19981120.0274", "text": "Worried that party colleagues still face arrest for their politics, opposition leader Sam Rainsy sought further clarification Friday of security guarantees promised by strongman Hun Sen. Sam Rainsy wrote in a letter to King Norodom Sihanouk that he was eager to attend the first session of the new National Assembly on Nov. 25, but complained that Hun Sen's assurances were not strong enough to ease concerns his party members may be arrested upon their return to Cambodia.", "summaries": ["Cambodian opposition leader doubts safety guaranty of prime minister", "Rainsy seeks stronger assurance of safety and freedom from prosecution.", "Opposition leader Rainey seeks safety guarantee before returning", "Opposition leader asks Sihanouk for his help to safely return to Cambodia"]} +{"id": "APW19981124.0267", "text": "King Norodom Sihanouk on Tuesday praised agreements by Cambodia's top two political parties _ previously bitter rivals _ to form a coalition government led by strongman Hun Sen.", "summaries": ["King praises Cambodian coalition government of top two political parties", "Two rival parties form coalition government at summit convened by Sihanouk.", "Sihanouk praises formation of coalition by top political parties", "Sihanouk praised agreements that led to formation of coalition government"]} +{"id": "APW19981027.0241", "text": "Honduras braced for potential catastrophe Tuesday as Hurricane Mitch roared through the northwest Caribbean, churning up high waves and intense rain that sent coastal residents scurrying for safer ground.", "summaries": ["Honduras, Belize, Mexico brace for category 5 Hurricane Mitch", "Honduras braced for approaching category 5 Hurricane Mitch.", "Honduras, other Caribbean countries brace for the wrath of Hurricane Mitch", "Honduras prepared for Hurricane Mitch as it approached with 180mph winds"]} +{"id": "APW19981028.1120", "text": "Hurricane Mitch paused in its whirl through the western Caribbean on Wednesday to punish Honduras with 120-mph (205-kph) winds, topping trees, sweeping away bridges, flooding neighborhoods and killing at least 32 people.", "summaries": ["32 killed as Hurricane Mitch batters Honduras with 120mph winds", "Hurricane Mitch hits Honduras with 120 mph winds, 32 people killed.", "Hurricane Mitch punishes Honduras with 120-mph winds for more than a day", "Hurricane Mitch punished Honduras with 120mph winds and killing 32 people"]} +{"id": "APW19981029.0570", "text": "Hurricane Mitch cut through the Honduran coast like a ripsaw Thursday, its devastating winds whirling for a third day through resort islands and mainland communities.", "summaries": ["Hurricane Mitch weakens after widespread destruction in Honduras", "Hurricane Mitch devastates Honduran coast for 3rd day, at least 32 killed.", "Honduras endures third day of Hurricane Mitch, Bay Islands hard hit", "A weakened hurricane slowly moved south after 3-day devastation of Honduras"]} +{"id": "APW19981031.0720", "text": "At least 231 people have been confirmed dead in Honduras from former-hurricane Mitch, bringing the storm's death toll in the region to 357, the National Emergency Commission said Saturday.", "summaries": ["Former-Hurricane Mitch leaves 231 dead in Honduras, 357 in region", "At least 231 killed by Hurricane Mitch in Honduras; makes region toll 357.", "Honduras confirms 231 people dead in the wake of Hurricane Mitch", "Hurricane Mitch's death toll is 357, including at least 231 in Honduras"]} +{"id": "APW19981101.0843", "text": "In Honduras, at least 231 deaths have been blamed on Mitch, the National Emergency Commission said Saturday.", "summaries": ["Mitch's winds down to 30mph with death toll at 393", "Mitch death toll: Honduras-231, El Salvador-140, Guatemala-21, 31 missing.", "Hurricane Mitch leaves a trail of death and destruction in Caribbean", "Tropical storm Mitch nears Mexico leaving hundreds dead in the Caribbean"]} +{"id": "APW19981102.0737", "text": "Nicaraguan Vice President Enrique Bolanos said Sunday night that between 1,000 and 1,500 people were buried in a 32-square mile (82.88 square-kilometer) area below the slopes of the Casita volcano in northern Nicaragua.", "summaries": ["Nicaraguan Vice President reports thousands buried in country", "In Nicaragua, 1,000 to 1,500 buried near Casita volcano, 600 elsewhere.", "Nicaraguan Vice President reports deaths of up to 1,500 in mud slide", "A Nicaraguan volcano buried 1500 people below its slopes and 600 elsewhere"]} +{"id": "APW19981103.0526", "text": "BRUSSELS, Belgium (AP) - The European Union on Tuesday approved 6.4 million European currency units (dlrs 7.7 million) in aid for thousands of victims of the devastation caused by Hurricane Mitch in Central America.", "summaries": ["European Union approves $8.18 million in aid to Hurricane Mitch victims", "EU approved 6.4 million ecu in aid to Hurricane Mitch victims.", "European Union votes funds to aid hurricane victims in Central America", "The European Union approved $7.7 million to aid victims of Hurricane Mitch"]} +{"id": "APW19981104.0539", "text": "Pope John Paul II appealed for aid Wednesday for the Central American countries stricken by hurricane Mitch and said he feels close to the thousands who are suffering.", "summaries": ["Pope calls for aid to Central America where Hurricane Mitch killed 9,000", "Pope appeals for aid for victims of Hurricane Mitch. Estimated 9,000 dead.", "Pope John Paul II appeals for aid for hurricane victims in Central America", "Pope John appealed for aid to Central American victims of Hurricane Mitch"]} +{"id": "APW19981105.1220", "text": "Better information from Honduras' ravaged countryside enabled officials to lower the confirmed death toll from Hurricane Mitch from 7,000 to about 6,100 on Thursday, but leaders insisted the need for help was growing.", "summaries": ["Aid rushed to devastated victims of Hurricane Mitch", "Honduran confirmed toll from Mitch down to 6,076 killed, 4,621 missing.", "Honduras ravaged by Hurricane Mitch, U.S., other nations, pledge aid", "UN, US and Mexico aid Central American states damaged by Hurricane Mitch"]} +{"id": "APW19981106.0869", "text": "Aid workers struggled Friday to reach survivors of Hurricane Mitch, who are in danger of dying from starvation and disease in the wake of the storm that officials estimate killed more than 10,000 people.", "summaries": ["Foreign aid pours into Central America as Mitch death toll exceeds 10,000", "Aid workers struggle to reach Mitch survivors in danger; over 10,000 dead.", "In wake of Hurricane Mitch, aid workers hampered by wide-spread damage", "Foreign aid deliveries to Central America hampered by severe storm damage"]} +{"id": "APW19981018.0423", "text": "Cuban President Fidel Castro said Sunday he disagreed with the arrest in London of former Chilean dictator Augusto Pinochet, calling it a case of ``international meddling.''", "summaries": ["At Ibero-American summit Castro protests arrest of Pinochet in London", "Pinochet arrested in London. Castro calls arrest \"international meddling\".", "Castro disagrees with arrest of Pinochet, calls it universal meddling", "Castro terms arrest of Pinochet in London for Spain international meddling"]} +{"id": "APW19981019.0098", "text": "Britain has defended its arrest of Gen. Augusto Pinochet, with one lawmaker saying that Chile's claim that the former Chilean dictator has diplomatic immunity is ridiculous.", "summaries": ["Britain defends, Chile condemns, arrest of Pinochet in London", "Britain defends arrest of Pinochet. Chilean officials issue strong protest.", "Pinochet's arrest prompted by request from Spain on murder allegations", "Chile claims Pinochet, arrested in hospital bed, had diplomatic immunity"]} +{"id": "APW19981020.0241", "text": "Margaret Thatcher entertained former Children dictator Gen. Augusto Pinochet at her home two weeks before he was arrested in his bed in a London hospital, the ex-prime minister's office said Tuesday, amid growing diplomatic and domestic controversy over the move.", "summaries": ["Ex-Prime Minister Thatcher hosted Pinochet at home before his arrest", "Pinochet met with Margaret Thatcher at her home weeks before his arrest.", "Pinochet entertained by ex-Prime Minister Thatcher two weeks before arrest", "Thatcher entertained Pinochet two weeks before arrest. Controversy grows."]} +{"id": "APW19981021.0557", "text": "The Spanish and British governments appeared Wednesday to be seeking shelter from the political storm brewing over the possible extradition of former Chilean dictator Augusto Pinochet to Spain.", "summaries": ["British and Spanish governments leave extradition of Pinochet to courts", "Spanish and British governments say Pinochet arrest strictly a legal issue.", "Extradition of Pinochet awaiting decision of Spain's national court", "Spain, Britain big Chilean investors, fear damage to economic relations"]} +{"id": "APW19981022.1132", "text": "A delegation of Chilean legislators lobbying against the possible extradition of Augusto Pinochet to Spain to face trial, warned Thursday that Chile was on the brink of political turmoil.", "summaries": ["Chilean legislators protest in Madrid against extradition of Pinochet", "Chilean legislators lobby against extradition of Pinochet to Spain.", "Chilean delegation protesting arrest of Pinochet on genocide charge", "Chile near domestic turmoil over extradition. Spain debates proceeding."]} +{"id": "APW19981023.1166", "text": "Europe's top official said Friday that he hoped former Chilean dictator Augusto Pinochet would be extradited to Spain to be tried for crimes committed during his 17-year rule.", "summaries": ["European Commission President endorses extradition and trial of Pinochet", "EC President hopes Pinochet will stand trial for genocide and terrorism.", "European Commission President calls for Pinochet's extradition to Spain", "EC president urges extradition, punishment of Pinochet for his crimes"]} +{"id": "APW19981024.0192", "text": "The wife of former Chilean dictator Augusto Pinochet appealed for his release, saying he is too sick to be extradited to Spain to face charges of genocide.", "summaries": ["Pinochet's wife appeals for his release. Chile claims diplomatic immunity", "Pinochet's wife appeals for his release; says he's too ill for extradition.", "Wife calls for Pinochet's release, citing poor health, diplomatic immunity", "Wife, lawyers say Pinochet too sick for extradition, his arrest illegal"]} +{"id": "APW19981025.0449", "text": "The British and Spanish prime ministers said Sunday that the fate of former Chilean dictator Gen. Augusto Pinochet is in the hands of their judicial authorities and they will not interfere.", "summaries": ["British/Spanish prime ministers leave Pinochet extradition to courts", "Fate of Pinochet is up to British and Spanish judicial authorities only.", "Fate of Pinochet, facing extradition to Spain, depends on judicial action", "Spain, Britain say courts will decide extradition. PMs won't interfere."]} +{"id": "APW19981028.0444", "text": "The Swiss government has ordered no investigation of possible bank accounts belonging to former Chilean dictator Augusto Pinochet, a spokesman said Wednesday.", "summaries": ["Switzerland joins charges against Pinochet but avoids bank probe", "No Pinochet Swiss accounts frozen yet. Swiss ask his arrest on charges.", "Switzerland takes no action on Spanish petition to freeze Pinochet accounts", "Swiss don't freeze, investigate Pinochet accounts, despite Spanish request"]} +{"id": "NYT19981026.0292", "text": "As his lawyers in London tried to quash a Spanish arrest warrant for Gen. Augusto Pinochet, the former Chilean dictator, efforts began in Geneva and Paris to have him extradited.", "summaries": ["Pinochet arrest contested in British High Court. New charges pressed", "Pinochet lawyers claim arrest was illegal and he had diplomatic immunity.", "Legal confusion surrounds attempt to extradite Pinochet to Spain", "Pinochet lawyers say extradition illegal because he's not Spanish citizen"]} +{"id": "APW19981003.0517", "text": "MUNICH, Germany (AP) _ U.S. prosecutors have asked for a 20-day extension to provide Germany with paperwork necessary to extradite a top lieutenant of Saudi terrorist suspect Osama bin Laden, officials said Saturday.", "summaries": ["U.S. prosecutors ask for more time to prepare case against Sudanese", "US prosecutors ask for 20 more days to extradite top bin Laden lieutenant.", "U.S. seeks to extradite top Osama bin Laden lieutenant from Germany", "US asks Germany for bin Laden cohort tied to African embassy bombings."]} +{"id": "APW19981111.0288", "text": "The Taliban's chief justice accused the United States on Wednesday of looking for an ``excuse'' to launch another missile attack on his war-shattered homeland.", "summaries": ["Taliban Justice sees no evidence of bin Laden's involvement in terrorism", "Taliban's chief says US is using bin Laden as excuse to bomb his country.", "Taliban chief justice condemns U.S. attack on suspected terrorist camp", "Afghan judge expects more US attacks; says bin Laden guest, not terrorist."]} +{"id": "APW19981112.0551", "text": "NAIROBI, Kenya (AP) _ FBI agents this week began questioning relatives of the victims of the Aug. 7 U.S. Embassy bombing as well as the seriously injured on request of the U.S. Attorney's office for the Southern District of New York, a U.S. official said Thursday.", "summaries": ["FBI questions relatives of embassy bombing victims to support indictments", "FBI questions witnesses of Nairobi embassy blast for trial of 6 suspects.", "FBI gathering testimony against six men indicted in U.S. embassy bombings", "FBI preparing to prosecute bin Laden's men for African embassy bombings."]} +{"id": "APW19981119.0552", "text": "Police arrested two journalists and charged them with writing articles to encourage Muslim youths to stage an Islamic revolution in Bangladesh after the Taliban model in Afghanistan, a police officer said Thursday.", "summaries": ["Bangladeshi police arrest journalists for promoting Islamic revolution", "2 arrested for articles inciting Taliban-style revolution in Bangladesh.", "Bangledesh arrests journalists for encouraging an Islamic revolution", "Liberal Bangladesh nabs writers lauding Taliban as Islamic model, bin Laden"]} +{"id": "APW19981120.0887", "text": "The man accused of orchestrating the U.S. embassy bombings in Tanzania and Kenya was declared a free man Friday in Afghanistan, where he has lived for years with the permission of the hard-line Islamic Taliban militia.", "summaries": ["Taliban inquiry finds bin Laden not guilty of terrorism vs. U.S.", "Taliban declares bin Laden a free man; says no evidence of anti-US terror.", "Taliban declares Osama bin Laden innocent in bombings of U.S. embassies", "Afghan judge frees bin Laden, mastermind of bombings of African embassies."]} +{"id": "APW19981129.0665", "text": "Albania says it has uncovered a terrorist network operated by Osama Bin Laden, the Islamic fundamentalist accused of masterminding the August embassy bombings in Africa, and that it's members have infiltrated other parts of Europe, The Sunday Times reported.", "summaries": ["Albania claims bin Laden network working in Kosovo and Serbia", "Albania finds bin Laden terrorist network; says elsewhere in Europe, too.", "Albania uncovers terrorist network operated by Osama bin Laden", "Albania, INTERPOL see bin Laden terrorist links in Europe, including Kosovo"]} +{"id": "NYT19981003.0093", "text": "The United States has obtained new evidence to link the owner of a Sudanese factory destroyed in a U.S. cruise missile strike last month to a terrorist group backed by Osama bin Laden, the suspected mastermind of the bombings of two U.S. embassies in East Africa, according to U.S. intelligence officials.", "summaries": ["Sudanese owner of bombed plant denies any tie to Osama bin Laden", "Evidence shows that Sudanese factory bombed by US is linked to bin Laden.", "New evidence links destroyed Sudanese factory to bin laden terrorist group", "US finds Sudanese chemical plant linked to bin Laden, Iraq; some object."]} +{"id": "NYT19981113.0410", "text": "One of the clear but unstated objectives of last August's raid on Afghanistan was to kill Osama bin Laden and as many of his lieutenants as possible, administration officials now acknowledge.", "summaries": ["One goal of Afghanistan raid was to kill Osama bin Laden", "Objective of August raid on Afghanistan was to kill bin Laden and his men.", "U.S. admits Osama bin Laden and lieutenants the object of August attack", "Aug attack on al Qaeda camp rekindles assassination debate; legal or not?"]} +{"id": "NYT19981201.0444", "text": "Sometime in the summer of 1997, an operative for Osama bin Laden sat down at his personal computer in a hideaway in Kenya.", "summaries": ["Letter from bin Laden operative sheds light on operation of network", "In summer of 1997, East African bin Laden network worried about security.", "Dispatch of Osama bin Laden operative gives insight into terrorist network", "1997, terrorist computer; bin Laden cell Kenya; Somalia attacks; fear of US"]} +{"id": "NYT19981202.0428", "text": "If Osama bin Laden ever stands trial in New York for the bombings of the U.S. embassies in Africa and other acts of terror, it is already clear who prosecutors will call as a chief witness: One of his senior aides who has been talking to U.S. investigators for two years.", "summaries": ["Former top bin Laden aide source of U.S. evidence on terrorists", "US has informant who worked closely with bin Laden as senior aide 1989-96.", "Osama bin Laden associate now an informant in U.S. investigation", "Osama bin Laden's in-law gives scoop to US; takes plea; more charges on way"]} +{"id": "APW19981018.0836", "text": "In a critical ruling for the North American National Basketball Association and the players' union, arbitrator John Feerick decides Monday whether more than 200 players with guaranteed contracts should be paid during the lockout.", "summaries": ["$800 million at stake in arbitrator's decision on pay during lockout", "Decision due Mon. if over 200 NBA guaranteed salary players will get paid.", "Arbiter to decide if players are to be paid during owner's lockout", "Pro-player ruling by Feerick would cost NBA $800 million -- appeal certain."]} +{"id": "APW19981018.0888", "text": "In a critical ruling for the North American National Basketball Association and the players' union, arbitrator John Feerick decides Monday whether more than 200 players with guaranteed contracts should be paid during the lockout.", "summaries": ["$800 million at stake in arbitrator's decision on pay during lockout", "Decision due Mon. if over 200 NBA guaranteed salary players will get paid.", "Decision to pay players during lockout would not end NBA deadlock", "Hunter, NBA superstar tax counterproposal, Olden, lockout clause, labor law"]} +{"id": "NYT19981003.0083", "text": "He was the classic small-town prodigy, with the creativity of a big-city profiteer.", "summaries": ["Larry Bird, original exception to salary cap, inducted into Hall of Fame", "NBA owners use the Larry Bird exception to exceed a player's salary cap.", "The exceptional Larry Bird inducted into the basketball Hall of Fame", "Larry Bird, salary cap exception, Hall of Fame, Basketball, Ewing"]} +{"id": "NYT19981005.0385", "text": "In a decision that will almost certainly lead to the first work stoppage in National Basketball Association history, the league Monday announced the cancellation of all 114 preseason games.", "summaries": ["NBA cancels preseason games. Date of season opener in doubt", "NBA preseason games cancelled. Labor dispute over players' salary cap.", "NBA cancels all 144 preseason games; start of regular season also in doubt", "NBA labor talks collapse. Preseason cancelled. Work stoppage threatened."]} +{"id": "NYT19981006.0396", "text": "Patrick Ewing did not want to sound like a striking longshoreman demanding health benefits.", "summaries": ["NBA owners call for salary cap. Players complain of lockout", "NBA owners and players to negotiate salary dispute; season games in doubt.", "Players and owners making little progress reaching agreement in strike", "NBA Players, Led by Ewing, say \"No\" to Proposed Salary Cap -- Claim Lockout"]} +{"id": "NYT19981008.0461", "text": "The first substantive talks in more than two months between opposing sides of the National Basketball Association's labor dispute came and went Thursday without a hint of a settlement.", "summaries": ["NBA talks produce no sign of settlement. Full season now questionable", "No success in NBA labor talks. Decision on season games after next meeting.", "Start of regular NBA season in doubt as efforts fail to reach agreement", "NBA Execs and Players' Reps Met -- Report No Breakthrough in Negotiations"]} +{"id": "NYT19981013.0354", "text": "Despite modest encouragement over a new proposal delivered by the players to the owners, the National Basketball Association Tuesday canceled the first two weeks of the regular season, the first time in the league's 51-year history that it will lose games to a labor dispute.", "summaries": ["Continuing labor dispute cancels first two weeks of NBA season", "NBA players make proposal; owners to decide by Fri.; 99 games cancelled.", "NBA cancels first two weeks of regular season as labor dispute continues", "Owners To Consider Players' Plan, but Historic NBA Work Stoppage Will Occur"]} +{"id": "NYT19981014.0003", "text": "The National Basketball Association, embroiled in a labor dispute with its players, Tuesday canceled the first two weeks of the 1998-99 season.", "summaries": ["Most substantive talks yet fail to break NBA deadlock", "NBA players make proposal; owners to decide by Fri.; 99 games cancelled.", "NBA, in labor dispute with players, cancels first two weeks of season", "Though Players Offer Plan, For First Time in History NBA Games Cancelled"]} +{"id": "NYT19981018.0175", "text": "More than 220 National Basketball Association players with guaranteed contracts will find out Monday whether they are to be paid during the management lockout, a long-awaited arbitrator's decision that may affect leverage in the league's dispute with the players and have major ramifications on American sports-labor law.", "summaries": ["NBA owners and players await arbitrator's decision on pay during lockout", "Ruling Mon. if NBA guaranteed contract players will be paid during lockout.", "Striking players await arbiter's decision on pay during basketball strike", "Arbitrator, Feerick, NBA players, guaranteed contracts, salaries, lockout"]} +{"id": "NYT19981021.0014", "text": "As labor battles go, the current one between the National Basketball Association and its players is weird even by sports standards.", "summaries": ["Whole NBA season may be cancelled. Talks focus on interests of best paid", "NBA labor battle goes on; most or all season games possibly cancelled.", "Interests of the few best paid players dominating NBA labor battle", "Union minimum, Jordan, free agent, payroll rise, lockout, union suicide"]} +{"id": "APW19981001.0312", "text": "Rebels attacked a village in western Uganda and killed six civilians before soldiers drove them off, a military spokesman said Thursday.", "summaries": ["Uganda faces rebel forces on west (Congo) and north (Sudan)", "Rebels, likely ADF, attack Chiondo, killing 6. Soldiers kill 2 rebels.", "Rebels kill 6 civilians in Congolese village; Ugandan troops aid rebels", "Congolese rebels kill six people before Ugandans drive them across border"]} +{"id": "APW19981002.0522", "text": "Congolese rebels have taken their two-month campaign to oust President Laurent Kabila to the Internet.", "summaries": ["Congo rebels use internet to rally international support", "Anti-Kabila rebels have web-site. Post mission statement in media campaign.", "Internet used by Congolese rebels to spread their message to the world", "Congolese rebels use US-supported internet in campaign against Congo leader"]} +{"id": "APW19981002.0567", "text": "Congolese rebels have taken their two-month campaign to oust President Laurent Kabila to the Internet.", "summaries": ["Congo rebels use internet to rally international support", "Anti-Kabila rebels have web-site. Post mission statement in media campaign.", "Internet used by Congolese rebels to spread their message to the world", "Ethnic Tutsi rebels use internet to challenge Congo president Kabila"]} +{"id": "APW19981004.0851", "text": "After a day of fighting, Congolese rebels said Sunday they had entered Kindu, the strategic town and airbase in eastern Congo used by the government to halt their advances.", "summaries": ["Congo rebels advance in east after retreat from capital Kinshasa", "Congo Tutsi rebels enter Kindu and adjacent airbase. Met stiff resistance.", "Tutsis rebels claim advance on strategic airbase in Congo village, Kindu", "Congolese rebels take strategic Congo town after retreating from Kinshasa"]} +{"id": "APW19981006.0556", "text": "Rebel commanders said Tuesday they were poised to overrun an important government-held air base in eastern Congo _ a battle that could determine the future of the two-month Congolese war.", "summaries": ["Battle for Kindu critical for anti-Kabila Congo rebels", "Rebels ready to take strategic airbase. Thousands are outside Kindu.", "Rebels prepare to attack essential government supply air base near Kindu", "Battle over government-held base could determine future of war in Congo"]} +{"id": "APW19981007.0574", "text": "The bloody bandages of injured rebels trucked back to this rear base Wednesday offered evidence that the three-day battle for the strategic air base at Kindu was not going well for those fighting to oust Congolese President Laurent Kabila.", "summaries": ["Outnumbered Congo rebels challenge government control of Kindu", "3-day battle for Kindu and airbase not going well for anti-Kabila rebels.", "Rebels sustain casualties in battle for Kindu airbase; outcome uncertain", "Congolese rebels face difficulties in battle at strategic airbase at Kindu"]} +{"id": "APW19981010.0696", "text": "Rebels in eastern Congo on Saturday said they shot down a passenger jet ferrying 40 government soldiers into a strategic airport facing a rebel assault.", "summaries": ["Jet shot down by Congo rebels possibly military, possibly civil", "Congo rebels say shot down jet carrying soldiers. Airline claims civilians.", "Rebels say soldiers on plane they downed; Congolese Airline says civilian", "Reports that Congolese rebels destroyed a jetliner is denied by government"]} +{"id": "APW19981011.0515", "text": "A day after shooting down a jetliner, Congolese rebels and their Rwandan allies pushed Sunday through government defense lines, showing the confidence of a victor in a week-old battle for a strategic air base.", "summaries": ["Capture of Kindu eludes rebels as Chad, Sudan support Congo government", "Congo rebels and Rwandan allies push through government defenses at Kindu.", "Rebels surround airfield, shoot down passenger jet; situation uncertain", "Congolese rebels with Rwandan allies may be poised to overrun all of Kindu"]} +{"id": "APW19981011.0744", "text": "A day after shooting down a jetliner carrying 40 people, rebels clashed with government troops near a strategic airstrip in eastern Congo on Sunday.", "summaries": ["Congo rebels control third of Kindu, but outcome not clear", "Fighting for Kindu and airfield subsides after rebel artillery strikes.", "Passengers killed in plane shot down; unclear if soldiers or civilians", "Fighting in Congo slows day after rebel downed jetliner carrying 40 people"]} +{"id": "APW19981013.0275", "text": "Back in the golden years, Kasuku wa Ngeyo had a farm and was the head of a 25,000-strong farmers organization in the northeastern breadbasket of this central African nation.", "summaries": ["Tribal warfare, foreign intrigue at basis of Congo dispute", "Civilians suffer, economy in ruins from Congo rebellions and tribal strife.", "Tribal groups fight Congolese President Kabila's government and each other", "Civil strife, tribal rivalry, rebellion gives rebels control of East Congo"]} +{"id": "APW19981004.0281", "text": "Indonesian President B.J.", "summaries": ["Human rights abuse in Malaysia endangers Asia-Pacific summit", "Habibie concerned to attend summit in Malaysia after Anwar's arrest.", "Asian leaders concerned regarding arrest, beating of Malaysian deputy PM", "Presidents may skip Asia-Pac Econ Forum due to Malaysian human rights issue"]} +{"id": "APW19981006.0251", "text": "The leaders of Malaysia's ruling party met Tuesday to discuss a replacement for ousted deputy prime minister Anwar Ibrahim, who faces trial next month in a case that will test the country's legal system.", "summaries": ["Malaysian party seeks replacement for arrested deputy prime minister", "Malaysian leaders meet to discuss replacement for arrested Anwar.", "Ousted deputy PM Ibrahim to stand trial. Malaysia seeks replacement", "World leaders, locals, protest abuse of Malaysian; govt, econ conf at risk"]} +{"id": "APW19981013.0853", "text": "After an unusual, one-on-one chat Tuesday night, the Philippine and Indonesian presidents were considering staying away from an Asia-Pacific summit in Malaysia to protest the treatment of their jailed friend Anwar Ibrahim.", "summaries": ["Indonesian and Philippine presidents may skip summit in protest", "Philippine, Indonesian presidents may not attend summit over Anwar arrest.", "Philippine, Indonesian presidents may not attend APEC Kuala Lumpur meeting", "Philippine, Indonesian presidents chat; may skip Asia/Pac meet in Malaysia"]} +{"id": "APW19981016.0437", "text": "The Philippine ambassador to Malaysia said Friday he was summoned to the Malaysian Foreign Ministry to explain his president's statements in support of dissident Anwar Ibrahim.", "summaries": ["Malaysian government summons Philippine ambassador in rights dispute", "Philippine ambassador summoned to explain president's support of Anwar.", "Philippine support for arrested Malaysian deputy PM, concern for Malaysia", "Malaysia grills Filipino on his nation's support for arrested Malaysian"]} +{"id": "APW19981019.0104", "text": "The last time the Asia-Pacific region held its annual summit to promote free trade, Japan's prime minister assured everyone that his economy wouldn't be the next victim of Asia's financial crisis.", "summaries": ["Asian-Pacific summit faces major economic and political challenges", "This year, Asian economic crisis, IMF, Anwar arrest issues at APEC summit.", "Clinton, others urge Asians to comply with economic reform demanded by IMF", "Asia-Pacific meet faces huge problems; recessions, downturns, disputes"]} +{"id": "APW19981023.0281", "text": "Again bowing to Chinese pressure, Taiwan will send its chief economic planner to represent President Lee Teng-hui at November's Asian Pacific Economic Cooperation forum summit in Kuala Lumpur, the Foreign Ministry said Friday.", "summaries": ["Under Chinese pressure, Taiwan President will send subordinate to summit", "Taiwan's president to send representative to summit due to China pressure.", "Taiwan bows to Chinese pressure; won't send President Lee to APEC meeting", "Beijing again keeps Taiwan president from Asia-Pacific Economic summit"]} +{"id": "APW19981108.0837", "text": "Top finance officials from 14 countries in the Asia-Pacific region advised Asia's battered economies on Sunday to adopt further reforms in their effort to restore stability.", "summaries": ["Asia-Pacific economic summit in Kuala Lumpur faces severe problems", "Financial officials advise reform; topic likely to dominate at APEC talks.", "Asian countries advised to restructure economies and corporations", "Gloom faces up-coming 18-nation Asia-Pac meet; turmoil in host nation."]} +{"id": "APW19981109.0264", "text": "The agenda might be global, but the menu will be Malaysian when world leaders meet next week for the Asia-Pacific Economic Cooperation forum.", "summaries": ["Asia-Pacific Economic Cooperation forum features spicy cuisine", "World leaders to sample local Malaysian dishes at end of APEC summit.", "World leaders may dine on spicy Malaysian food at Kuala Lumpur APEC meeting", "Pacific Rim leaders to sample spicy Malaysian cuisine at summit lunch."]} +{"id": "APW19981109.0274", "text": "A group of high-powered U.S. investors in Southeast Asia on Monday applauded efforts to perk up Thailand's staggering economy, saying they had been assured by top Thai officials that key economic reform packages will soon be approved.", "summaries": ["U.S.-ASEAN Business Council touts Thai efforts on way to forum", "US-ASEAN group likes Thai economic efforts; delegates going to APEC summit.", "US investors in Southeast Asia applaud efforts to bolster Thai economy", "US businessmen laud Thai economic reform plans as lead-in to Asia-Pac meet."]} +{"id": "NYT19981105.0538", "text": "In little more than a week, the world's leaders will converge on this businesslike city in the heart of Southeast Asia for the annual meeting of the Asia Pacific Economic Cooperation forum.", "summaries": ["Malaysian capital controls an issue at economic summit", "Mahathir's economic and political moves will be issues at APEC summit.", "Malaysia institutes sweeping monetary change before start of APEC meeting", "Asia-Pac meet: global economy vs capitol control; reforms; quick fixes?"]} +{"id": "APW19981106.0273", "text": "Israel's Cabinet announced within hours of a market bombing Friday that it will put off a vote indefinitely on whether to ratify the Wye River accord until Palestinians crack down further on terrorism.", "summaries": ["Israel postpones vote on Wye pact until Palestinians act against terrorists", "Israeli Cabinet postpones Wye River accord vote after market bombing Fri.", "Israeli Cabinet delays Wye River accord ratification after market bombing", "Israel, Wye River accord vote delayed, Arafat, Palestinian National Charter"]} +{"id": "APW19981106.0274", "text": "A car rigged with explosives blew up Friday morning in Jerusalem's Mahane Yehuda market packed with Israelis shopping for the Jewish Sabbath, killing two people and wounding 21.", "summaries": ["Hamas car bomb in Jerusalem market stalls talks on Wye agreement", "Hamas claims responsibility for car bombing in Jerusalem market Friday.", "Car bomb in Jerusalem market kills two and wounds 21; Hamas responsible", "Mahane Yehuda, Hamas, Wye agreement, Netanyahu, Har Homa car, explosives"]} +{"id": "APW19981106.0275", "text": "Blood and soot-blackened water ran in rivulets from the charred wreckage.", "summaries": ["Car bomb leaves carnage in Jerusalem market; 2 killed, 21 injured", "2 killed, at least 21 hurt in market bombing; onlookers frantic, furious.", "Police hold back crowds looking for relatives in Jerusalem market bombing", "Car blast kills 2, injures over 21 in Jerusalem's Mahane Yehuda market."]} +{"id": "APW19981106.0276", "text": "Israel's Cabinet decided Friday to suspend indefinitely its ratification of the land-for-security agreement with the Palestinians.", "summaries": ["Israel suspends ratification of Wye agreement after Hamas bomb attack", "After bombing, Israel won't ratify accord 'til Palestinians stop terrorists", "Israeli cabinet suspends land-for-security agreement after market bombing", "Hamas, car, explosive, Jerusalem market, Wye River agreement, ratification"]} +{"id": "APW19981107.0568", "text": "The radical group Islamic Jihad claimed responsibility Saturday for the suicide bombing of a crowded Jerusalem market and promised more attacks to try to block the new peace accord.", "summaries": ["Islamic Jihad, not Hamas, perpetrator of market suicide bombing", "Islamic Jihad takes credit for market bombing; vows more to block accord.", "Islamic Jihad claims responsibility for suicide bombing; promises more", "Islamic Jihad Claims It Executed Jerusalem Bombing -- Promises More Attacks"]} +{"id": "APW19981107.0744", "text": "A defiant Prime Minister Benjamin Netanyahu said Saturday that Israel would continue to build Jewish neighborhoods throughout Jerusalem, including at a controversial site in the traditionally Arab sector of the city.", "summaries": ["Netanyahu vows more Jewish settlement in Arab sector of Jerusalem", "Israel will continue building homes in Jerusalem, including in Arab sector.", "PM Netanyahu to continue building in Arab sector; US hopes for peace accord", "Har Homa, Netanyahu, Albright, ratify new peace accord, bombing, Shallah"]} +{"id": "APW19981107.0752", "text": "A defiant Prime Minister Benjamin Netanyahu said Saturday that Israel would continue to build Jewish neighborhoods throughout Jerusalem, including at a controversial site in the traditionally Arab sector of the city.", "summaries": ["Netanyahu vows more Jewish settlement in Arab sector of Jerusalem", "Israel will continue building homes in Jerusalem, including in Arab sector.", "PM Netanyahu to continue building in Arab sector; US hopes for peace accord", "Har Homa, Netanyahu, Albright, ratify new peace accord, bombing, Shallah"]} +{"id": "APW19981108.0188", "text": "Setting the stage for a new quarrel over how to crack down on militants, Israel is demanding that the military wings of two radical Islamic groups be outlawed, while the Palestinian Authority insists it has already banned them.", "summaries": ["Palestinian Authority and Israel clash on outlawing military wings", "Israel demands outlaw of military wings of radical Islamic groups.", "Israel demands Palestinian Authority ban radical military groups", "Israel Demands Arafat Outlaw Military Wings of Islamic Jihad and Hamas"]} +{"id": "NYT19981107.0251", "text": "The militant Palestinian movement Islamic Holy War said Saturday that it carried out the suicide bombing in a Jerusalem market on Friday, which prompted arrests by the Palestinian Authority overnight.", "summaries": ["Market suicide bombing work of group protesting West Bank settlement", "Islamic Holy War takes credit for Jerusalem market bombing on Friday.", "Islamic Holy War \"martyrs\" responsible for car bombing in Jerusalem", "Islamic Holy War Claims Responsibility for Jerusalem Market Suicide Bombing"]} +{"id": "NYT19981108.0136", "text": "On a warm, sunny morning last Friday, at the time he usually left for work at his family's produce store, Youssef Sughayer said goodbye to his grandmother for the last time and rode off to his death.", "summaries": ["Palestinian suicide bomber learned Islamic Jihad doctrine in Israeli prison", "Palestinian suicide market bomber spent teen years in Israeli prisons.", "Palestinian calm before suicide mission \"I'm going to Paradise\" he said", "Suicide Bombers, Sughayer and Tahayneh, Were Cellmates in Israeli Jails"]} +{"id": "APW19981001.0315", "text": "Bruises on the face of jailed dissident Anwar Ibrahim, splashed on newspaper front pages for two days and downloaded from the Internet, are blemishing the image of Malaysian police.", "summaries": ["Malaysian Prime Minister expresses surprise at behavior of his police", "Anwar says was beaten; photos of bruises; Mahathir requests investigation.", "Malaysian newspapers reveal bruised face of jailed dissident Anwar Ibrahim.", "Malaysian deputy PM fired after economic disagreement, arrested, beaten"]} +{"id": "APW19981002.0550", "text": "Prime Minister Mahathir Mohamad said Friday he is not too choosy about who will be his successor.", "summaries": ["Malaysian Prime Minister seeks new deputy after firing/arresting last", "Mahathir says not choosy about who will be his successor.", "Malaysia's Prime Minister is \"not choosy\", but rejects three heirs-apparent", "Malaysian PM Mahathir says Anwar unfit to lead, tried to topple him"]} +{"id": "APW19981002.1081", "text": "BRUSSELS, Belgium (AP) - The European Union on Friday expressed its ``deep concern'' over reports of physical abuse of Malaysia's former deputy-prime minister, Anwar Ibrahim, who was arrested last month.", "summaries": ["European Union deplores Malaysia's treatment of Ex-Deputy-Prime Minister", "EU concerned about reports of Anwar's abuse; hopes for appropriate actions.", "The European Union condemns Malaysian abuse of its fired deputy minister", "EU condemns physical abuse of fired deputy PM Anwar while in police custody"]} +{"id": "APW19981003.0144", "text": "Deprived of a voice in state-controlled newspapers and television, supporters of Malaysia's jailed opposition leader have turned to the Internet to air their views.", "summaries": ["Fired, jailed, and beaten, Malaysia's Anwar Ibrahim thrives on internet", "Anwar supporters using internet to air views; his photos, speeches posted.", "Malaysian supporters of jailed opposition leader use Internet to air views", "Anwar supporters speak out on Internet, unblocked by government"]} +{"id": "APW19981004.0281", "text": "Indonesian President B.J.", "summaries": ["Human rights abuse in Malaysia endangers Asia-Pacific summit", "Habibie and Estrada may stay away from APEC forum over Anwar's arrest.", "Indonesian, Philippine presidents resent treatment of Malaysian dissident", "Regional leaders consider boycotting Malaysian meeting due to Anwar arrest"]} +{"id": "APW19981005.0484", "text": "A key witness in the government's sexual misconduct case against Malaysia's former deputy prime minister remains determined to appeal his conviction, his attorney said Monday.", "summaries": ["Key witness in Malaysian case against dissident appeals conviction", "Witness against Anwar wants to appeal his conviction; Anwar says coerced.", "Witness appeals conviction in case against Malaysian former deputy minister", "Anwar and friend charged with illegal homosexual acts, friend convicted"]} +{"id": "APW19981006.0251", "text": "The leaders of Malaysia's ruling party met Tuesday to discuss a replacement for ousted deputy prime minister Anwar Ibrahim, who faces trial next month in a case that will test the country's legal system.", "summaries": ["Malaysian party seeks replacement for arrested deputy prime minister", "Ruling party leaders discuss Anwar's replacement; not expected quickly.", "Malaysia's leaders discuss a replacement for ousted deputy prime minister", "Malaysian leaders to pick fired deputy PM Anwar's replacement"]} +{"id": "APW19981008.0259", "text": "Lawyers for the prime minister's former deputy, now his most prominent opponent, went to court Thursday to demand their client's release from indefinite detention.", "summaries": ["Lawyers call for release of former Malaysian deputy prime minister", "Anwar's lawyers demand his release; say denied access, unjustly held.", "Lawyers for Malaysia's former deputy prime minister appeal for his release", "Anwar's lawyers demand his release, said denied access to client"]} +{"id": "APW19981008.0527", "text": "The arrest of former Malaysian Deputy Prime Minister Anwar Ibrahim won't lead to massive social unrest or frighten away investors, Malaysia's trade minister said Thursday.", "summaries": ["Malaysia's trade minister discounts unrest over arrest of dissident", "Rafidah says Anwar's arrest won't cause unrest or frighten away investors.", "Malaysia plays down protests over arrest of former deputy prime minister", "Malaysian trade minister plays down consequences of Anwar arrest"]} +{"id": "NYT19981003.0120", "text": "Among Asia's leaders, Prime Minister Mahathir Mohamad was notable as a man with a bold vision: a physical and social transformation that would push this nation into the forefront of world affairs.", "summaries": ["Malaysian Prime Minister Mahathir Mohamad: from fame to failure", "Mahathir's 17 years saw great advances; now economic crisis, instability.", "Malaysian leader's arrest of heir-apparent undoes years of social stability", "Anwar arrest harms Mahathir's 17-year legacy; spurs riots, market downturn"]} +{"id": "APW19981005.0205", "text": "BRUSSELS, Belgium (AP) _ U.S. special envoy Richard Holbrooke said Monday the military situation in Kosovo was as bad now as two weeks ago.", "summaries": ["U.S. envoy Holbrooke assesses Kosovo situation as still extremely grave", "US envoy says Kosovo situation grave, despite temporary fighting lull.", "U.S. special envoy says fighting in Kosovo abated but situation still bad", "U.S. Special Envoy Holbrooke calls Kosovo situation \"extremely grave.\""]} +{"id": "APW19981005.0223", "text": "The United States and Russia are ratcheting up the pressure on President Slobodan Milosevic, warning that NATO airstrikes are inevitable unless he takes decisive action soon to end the humanitarian crisis in the southern Serbian province.", "summaries": ["U.S. and Russia pressure Milosevic as NATO threatens airstrike", "US, Russia step up pressure on Milosevic to end Kosovo humanitarian crisis.", "NATO prepared to attack Yugoslavia if it fails to meet U.N. demands", "U.S. and Russia Warn Milosevic of NATO Airstrikes Unless Kosovo Demands Met"]} +{"id": "APW19981005.0233", "text": "The United States and Russia are ratcheting up the pressure on President Slobodan Milosevic, warning that NATO airstrikes are inevitable unless he takes decisive action soon to end the humanitarian crisis in the southern Serbian province.", "summaries": ["U.S. and Russia pressure Milosevic as Nato threatens airstrike", "US, Russia step up pressure on Milosevic to end Kosovo humanitarian crisis.", "NATO will strike if Yugoslavia does not end Serbian humanitarian crisis", "Milosevic, fearing NATO airstrikes, puts air defense on high alert."]} +{"id": "APW19981005.0496", "text": "The United States and Russia are ratcheting up the pressure on Yugoslav President Slobodan Milosevic, warning that NATO airstrikes are inevitable unless he takes decisive action to end the crisis in Kosovo province.", "summaries": ["U.S. and Russia warn Milosevic of NATO airstrikes", "US, Russia pressure Milosevic to end Kosovo crisis or face NATO airstrikes.", "Yugoslavia removes some, but not all, tanks and troops from Kosovo", "Humanitarian crisis, Kosovo, Ivanov, Sergeyev, Kosovo, special police units"]} +{"id": "APW19981005.0506", "text": "With the threat of NATO attack mounting, Yugoslavia's prime minister warned Monday the nation faces the ``immiment danger of war'' and claimed the government was taking steps to comply with international demands for peace in Kosovo.", "summaries": ["Yugoslav Prime Minister sees \"imminent danger of war\"", "Yugoslavia says it is taking steps to comply with peace demands in Kosovo.", "Yugoslavia says it faces \"imminent dangers of war\" and will defend itself", "Annan, ststematic terror, Bulatovic, imminent danger of war, Clark, Solana"]} +{"id": "APW19981005.0762", "text": "With the threat of NATO attack mounting, Yugoslavia's prime minister warned Monday the nation faces the ``imminent danger of war'' and claimed the government is taking steps to comply with international demands for peace in Kosovo.", "summaries": ["Yugoslavia claims steps to meet U.N. demands on Kosovo", "Despite Yugoslavia claims, NATO says UN conditions not yet met in Kosovo.", "Despite statements of compliance, Yugoslavia is not meeting NATO demands", "Security Council Kosovo Demands Unmet by Belgrade -- NATO Set to Strike"]} +{"id": "APW19981005.1072", "text": "With NATO attacks said to be only days away, top U.S. envoy Richard Holbrooke delivered an 11th-hour warning Monday to Yugoslavia's president to halt his crackdown on ethnic Albanians in Kosovo or face airstrikes.", "summaries": ["Decision on NATO action on Kosovo imminent", "US envoy gives Milosevic 11th hour warning to halt Kosovo ethnic crackdown.", "Milosevic not backing down to UN demands to halt anti-Albanian activities", "Clinton, Cook, NATO military action, Yeltsin, Sept. 23 U.N. resolution"]} +{"id": "APW19981005.1082", "text": "With NATO attacks said to be only days away, top U.S. envoy Richard Holbrooke delivered a last-minute warning Monday to Yugoslavia's president to halt his crackdown on ethnic Albanians in Kosovo or face airstrikes.", "summaries": ["U.S. envoy Holbrooke gives last minute warning to Milosevic on Kosovo", "US envoy tells Milosevic, stop Kosovo crackdown or face NATO airstrikes.", "Yugoslavia declares UN warnings about Albania are a \"criminal act.\"", "Clinton, Cook, NATO military action, Yeltsin, Sept. 23 U.N. resolution"]} +{"id": "NYT19981004.0102", "text": "Under NATO threat to end his punishing offensive against ethnic Albanian separatists in Kosovo, President Slobodan Milosevic of Yugoslavia has ordered most units of his army back to their barracks and may well avoid an attack by the alliance, military observers and diplomats say.", "summaries": ["Yugoslav military ordered back to barracks as NATO again threatens", "Under NATO threat, Milosevic orders back most army units to avoid attack.", "President Milosevic of Yugoslavia, under NATO threat, ends Albania offense", "Milosevic, Serbia, Kosovo, ethnic Albanians, Macedonia, Drenica, Holbrooke"]} +{"id": "NYT19981005.0391", "text": "The American envoy Richard Holbrooke met with President Slobodan Milosevic of Yugoslavia Monday night and according to American diplomats told him that he had to take further steps to pull back his military in Kosovo Province or face a NATO attack.", "summaries": ["U.S. envoy tells Milosevic to get out of Kosovo or face NATO attack", "US envoy tells Milosevic pull back military, let Albanian refugees return.", "American envoy personally tells Milsevic he must pull back in Kosovo", "Milosovic must return military forces to bases to avoid NATO attack."]} +{"id": "APW19981010.0187", "text": "Famine-threatened North Korea's harvest will be no better this year than last and could be worse, a senior U.N. aid official said Saturday.", "summaries": ["World Food Program reports famine may have killed 2 million North Koreans", "Another poor harvest for N. Korea; number of people to get aid will be cut.", "North Korean harvest no better this year. Government cuts food aid.", "North Korean famine worse. Govt limits World Food Program access, thus aid."]} +{"id": "APW19981022.0488", "text": "The founder of South Korea's largest conglomerate plans to visit his native North Korea again next week with a gift of 501 cattle, company officials said Thursday.", "summaries": ["North Korea claimed cattle donated by South Korea intentionally poisoned", "S. Korea's Hyundai founder will give 501 cattle to his native N. Korea.", "N. Korea accuses Hyundai founder of sabotaging gift cattle. Tourism planed", "Koreas: Political games hinder Hyundai plans to give cattle and start tours"]} +{"id": "APW19981104.0245", "text": "A North Korean man arrived in Seoul Wednesday and sought asylum after escaping his hunger-stricken homeland, government officials said.", "summaries": ["Another refugee from famine in North Korea arrives in South", "About 200 N. Koreans have defected to S. Korea in 3 years due to shortages.", "N. Korean flees privations to South via China, asks asylum. 60th this year", "North Korean defects through China; defections up; food, fuel, very short."]} +{"id": "APW19981110.0240", "text": "North Korea is entering its fourth winter of chronic food shortages with its people malnourished and at risk of dying from normally curable illnesses, senior Red Cross officials said Tuesday.", "summaries": ["Red Cross reports severe famine and starvation in North Korea", "N. Korea's 4th winter of famine; malnutrition, illness, weakness take toll.", "N. Korea in 4th year of famine. Curable diseases become fatal.", "Red Cross/North Korea: 4th year of famine; weak, swollen, stunted, ill, TB"]} +{"id": "APW19981118.0898", "text": "Years of food shortages have stunted the growth of millions of North Korean children, with two-thirds of children under age seven suffering malnourishment, U.N. experts said Wednesday.", "summaries": ["U.N. experts report stunted growth of malnourished North Korean children", "Famine stunts N. Korean children's growth; 2/3 under 7 are malnourished.", "Food shortages stunt North Korean children.", "International experts find North Korean children severely undernourished."]} +{"id": "APW19981119.0262", "text": "Despite catastrophic hunger at home, North Korea plans to send 317 athletes and officials to next month's Asian Games in Thailand, South Korean officials said Thursday.", "summaries": ["Starving North Korea sends largest team ever to Asian games in Thailand", "Despite famine at home, N. Korea will send 317 to Asian Games in Thailand.", "North Korea sending many athletes to Asian games despite domestic famine", "Large North Korean sports delegation to Thailand despite raging famine"]} +{"id": "APW19981124.0251", "text": "Hunger and malnutrition in Cambodia are reaching crisis levels comparable to the effects of famine in North Korea, a U.N. World Food Program representative said Tuesday.", "summaries": ["World Food Program reports hunger in Cambodia rivals North Korea", "Hunger in Cambodia almost as bad as in N. Korea; faltering economy to blame", "Cambodian famine approaching North Korean level", "Despite enough rice, Cambodia joins North Korea with severe hunger crisis."]} +{"id": "APW19981221.0189", "text": "Police in northeastern China's Jilin province said Monday they had rounded up at least 100 North Koreans and sent them back to endure a famine in their reclusive country.", "summaries": ["China sends illegal North Korean settlers back to famine at home", "China sends back 100 -- 150 N. Koreans to endure famine; denies asylum.", "China sends 150 North Koreans home to famine despite asylum petitions", "China repatriates 100 North Koreans; seeking food not political freedom."]} +{"id": "NYT19981114.0099", "text": "A congressman who visited remote parts of North Korea last week said Saturday that the food and health situation there was desperate and deteriorating, and that millions of North Koreans might have starved to death in the last few years.", "summaries": ["Congressman reports appalling evidence of starvation in North Korea", "Millions die, malnourished in N. Korea; nuclear program threat to U.S. aid.", "N. Korean intransigence discourages donors. Gov't distributing ersatz food", "Congressman in North Korea: food, health desperate; policy killing people."]} +{"id": "NYT19981209.0451", "text": "More than five years of severe food shortages and a near-total breakdown in the public health system have led to devastating malnutrition in North Korea and probably left an entire generation of children physically and mentally impaired, a new study by international aid groups has found.", "summaries": ["Entire generation of children in North Korea impaired by malnutrition", "Malnutrition left a generation of N. Koreans physically, mentally impaired.", "Famine impairs N. Korean generation mentally. Loss of Soviet trade a cause", "Facts from North Korean famine: a generation lost; health system broken."]} +{"id": "APW19981002.0557", "text": "Organizers of December's Asian Games have dismissed press reports that a sports complex would not be completed on time, saying preparations are well in hand, a local newspaper said Friday.", "summaries": ["Organizing Committee assures that Asian Games complex will be ready", "Bangkok says sports complex will be completed in time for Asian Games", "Bangkok Asian Games Organizing Committee say sports complex will be ready", "Bangkok insists Asian Games sports complex will be ready on time"]} +{"id": "APW19981029.0521", "text": "Thailand showed its nearly complete facilities for the Asian Games to a tough jury Thursday _ the heads of the organizing committees from the 43 nations competing in the December event.", "summaries": ["Asian Games facilities declared \"99 percent completed\"", "Thailand says construction for 13th Asian Games 99 percent complete", "Committees from 43 nations appear satisfied with Thai Asian Games progress", "Thailand shows readiness for Asian games despite earlier financial trouble"]} +{"id": "APW19981030.1074", "text": "Thai police have detained more than 300 beggars, most from neighboring countries, in a campaign to make Bangkok's streets safer for spectators and athletes arriving for the upcoming Asian Games, a senior police officer said Friday.", "summaries": ["Thai Police clear streets of beggars in preparation for Asian Games", "Thai police detain beggars in effort to make streets safe for Asian Games", "Thai police detain 300 beggars to make streets safer during Asian Games", "Thai police detain beggars to keep streets safe for Asian Games Dec 6-20"]} +{"id": "APW19981102.0220", "text": "China's national soccer team could call back four players from overseas to boost its chances at the Asian Games in Thailand in December, an official newspaper reported Monday.", "summaries": ["Chinese soccer team may recall players from overseas for Asian Games", "China may call back players to play on national soccer team in Asian Games", "China could recall soccer players overseas to bolster its Asian Games team", "China to call back four soccer players from Europe for Asian Games team"]} +{"id": "APW19981126.0432", "text": "Saudi Arabia's abrupt withdrawal from the Asian Games left organizers scrambling Thursday to change schedules and Thai diplomats mulling a decade of relations strained by jewel theft and the murder of diplomats.", "summaries": ["Thais question reason for Saudi withdrawal from Asian Games", "Jewel theft, murder of diplomats behind Saudi withdrawal from Asian Games", "Saudi Arabia leaves Asian Games; Thai theft of Saudi jewels may be reason", "Theft and murder of diplomats may explain Saudi withdrawal from Asian Games"]} +{"id": "APW19981126.0450", "text": "Horses belonging to Iran's equestrian team will not be allowed to compete in next month's Asian Games because they failed to meet the requirements of the games' veterinary commission, the Thai organizers announced Thursday.", "summaries": ["Horses of Iran's equestrian team flunk Asian Games test", "Iranian horses banned from Asian Games, failed veterinary requirements", "Iranian horses for equestrian events flunk vet's tests; had trained in US", "Iran's equestrian horses, found not disease-free, banned from Asian Games"]} +{"id": "APW19981128.0168", "text": "Saudi Arabia is considering sending a small team to the Bangkok Asian Games from which it pulled out unexpectedly this week, a Saudi official said Saturday.", "summaries": ["Saudis considering small Asian Games Team in response to Kuwaiti Plea", "Saudi Arabia may send ceremonial delegation to Asian Games", "Saudi's may send small team to replace 105-man team pulled from Asian Games", "Kuwaiti sheik makes plea to Saudi Arabia to send team to Asian Games"]} +{"id": "APW19981206.0174", "text": "A snooker game between longtime Asian rivals India and Pakistan led to a flareup of tempers Sunday, showing a depth of differences that shocked Thai organizers and spectators at the Asian Games.", "summaries": ["India and Pakistan behind 8-ball after clash at Asian snooker game", "Snooker game argument highlights rivalry between India and Pakistan", "Tempers flare up during the India-Pakistan snooker match at Asian Games", "India and Pakistan snooker rivals disrupt Asian Games with flare-up"]} +{"id": "APW19981206.0199", "text": "For some teams, ``out of bounds'' at the Asian Games means more than just a line on a soccer field or basketball floor.", "summaries": ["Bangkok nightlife presents new hurdle for athletes at Asian Games", "Teams participating in Asian Games being told to avoid Bangkok night life", "Bangkok's notorious night life out of bounds for Asian Games athletes", "Teams at Asian Games disciplined to avoid Bangkok's titillating night life"]} +{"id": "APW19981206.0379", "text": "In rites building from low flares symbolizing dawn to a fiery cauldron lighting, Thailand's king opened the Asian Games Sunday night, giving Thais some respite from an economic crisis that once threatened the continent's Olympic-style event.", "summaries": ["Competition of 6,000 athletes from 41 nations upstages Asia's problems", "Amid festivities, Thailand's King opens 13th Asian Games on Bangkok", "Thai King opens Asian Games with elaborate ceremony; 6000 athletes attend", "Thailand's king leads extravagant three-hour opening to Asian Games"]} +{"id": "APW19981005.0231", "text": "Hours before China was expected to sign a key U.N. human rights treaty and host British Prime Minister Tony Blair, police hauled a prominent human rights campaigner in for questioning Monday.", "summaries": ["On eve of signing human rights treaty, China detains rights advocate", "Chinese arrest human rights protestor on eve of signing human rights treaty", "China expects to sign Human Rights Treaty but still threatens dissidents", "China arrests activist on eve of signing human rights agreement"]} +{"id": "APW19981015.0177", "text": "Police detained and questioned the organizer of a group set up by dissidents to monitor official corruption and told him the group's activities must cease, a human rights group said Thursday.", "summaries": ["China detains and questions Corruption Watch activist", "Dissident group leader Aun Jun arrested, told group's activities must stop", "Chinese police detain organizer of dissident group monitoring corruption", "China refuses permission to operate to group monitoring official corruption"]} +{"id": "APW19981202.1274", "text": "China's central government ordered the arrest of a prominent democracy campaigner and may use his contacts with exiled Chinese dissidents to charge him with harming national security, a colleague said Wednesday.", "summaries": ["Efforts to form Chinese opposition party bring arrest", "Chinese dissident Zha Jianguo faces arrest for harming national security", "Leaders of China Democracy Party arrested; US deplores arrests, detentions", "China arrests democracy activists, charging harm to national security"]} +{"id": "APW19981203.0338", "text": "China's government said Thursday that two prominent dissidents arrested this week are suspected of endangering national security _ the clearest sign yet Chinese leaders plan to quash a would-be opposition party.", "summaries": ["China calls efforts for new party \"inciting overthrow of the government\"", "China arrests prominent dissidents in attempt to quash opposition party", "PRC says Xu Wenli, Qin Yongmin arrested for endangering national security", "Arrests of dissidents shows Chinese intent to prevent opposition party"]} +{"id": "APW19981216.0666", "text": "With attorneys locked up, harassed or plain scared, two prominent dissidents will defend themselves against charges of subversion Thursday in China's highest-profile dissident trials in two years.", "summaries": ["Potential lawyers for Chinese dissidents jailed or intimidated", "Unable to get lawyers, two prominent dissidents will defend themselves", "Police scare off lawyers; dissidents forced to defend themselves in trial", "Two Chinese democracy activists to defend selves, face certain conviction"]} +{"id": "NYT19981202.0309", "text": "In response to criticism from home and abroad, Chinese officials broke their silence Wednesday to defend their arrest this week of a prominent dissident who was trying to form an opposition political party.", "summaries": ["China's arrest of dissident brings protests from U.S. and rights groups", "China defense arrest of dissident Xu Wenli, citing national security", "China defends arrest of Xu Wenli; claims he violated the PRC criminal code", "Chinese arrest of dissident trying to form opposition party sparks protests"]} +{"id": "NYT19981207.0280", "text": "One leader of a suppressed new political party will be tried on Dec. 17 on a charge of colluding with foreign enemies of China ``to incite the subversion of state power,'' according to court documents given to his wife on Monday.", "summaries": ["Leader of China Democracy Party accused of colluding with foreign enemies", "Wang Youcai to be tried for colluding with foreign enemies of China", "Trial date set for Wang Youcai, a founder of the China Democracy Party", "Speed of setting trial for party founder shows China's strong opposition"]} +{"id": "NYT19981209.0542", "text": "A Chinese dissident fleeing a new round of arrests of democracy activists in Shanghai arrived here Wednesday and announced that he and other opponents of the Chinese government plan a demonstration Thursday at the United Nations to protest the crackdown.", "summaries": ["Leader of China Democracy Party arrives in New York to protest at U.N.", "Chinese dissident Yao Zhenxian flees to U.S. to escape arrest in China", "Chinese dissident Yao flees to US after release from Chinese labor camp", "Chinese Democracy Party formed during Clinton visit. Activist flees to NY."]} +{"id": "NYT19981216.0357", "text": "Protesting the lack of a defense lawyer, the father of a prominent dissident is to seek a delay in his son's subversion trial, scheduled to start on Thursday in the central city of Wuhan.", "summaries": ["China Democracy Party leaders lack lawyers", "Father seeking lawyer for son, Qin Yongmin, on trial for subversion", "Father of Qin Yongmin seeks trial delay, citing lack of defense lawyer", "Chinese democracy activist prevented from getting lawyer for trial"]} +{"id": "NYT19981217.0274", "text": "The separate trials of two prominent democracy advocates for inciting subversion of the state opened Thursday morning, with the families of both defendants protesting their inability to hire defense lawyers.", "summaries": ["Chinese democracy advocates, denied lawyers, mount own defenses", "Trial of one dissident, unable to hire a lawyer, last just over two hours", "Two dissidents trials begin; US Embassy officials deterred from observing", "Party leader trials last 2 hours. Defendent arguments cut off. US barred."]} +{"id": "NYT19981007.0464", "text": "A week after the White House and congressional Democrats disavowed his ``war'' on Speaker Newt Gingrich, James Carville, President Clinton's former campaign strategist and chief outside defender, put forth a new battle cry Wednesday: He will not be muzzled.", "summaries": ["Carville ignores Democrats' advice. Persists in \"war\" against Gingrich", "As election approaches, Carville continues attacks on Gingrich", "Former Clinton strategist Carville denounces Gingrich; Most Democrats wary", "Democratic bulldog goes hard after Newt and GOP; tries to spur own party."]} +{"id": "NYT19981104.0369", "text": "The presidential campaign of 2000 began Wednesday, like it or not.", "summaries": ["1998 Election results set stage for 2000 presidential campaign", "Election results hearten Democrats as high-profile right-wingers lose", "Congressional, gubernatorial election results sobering for Republicans", "Election: Gore, moderates up; far right, GOP down; minorities, money key."]} +{"id": "NYT19981104.0516", "text": "This is what Newt Gingrich is supposed to do well.", "summaries": ["Election results feed Republican rebellion against Gingrich", "Election loses raise party anger against Gingrich, new leader sought", "Gingrich \"vision\" suspect after Republican Congressional losses in election", "Newt gets blame for GOP loses; faulted for negativity, lack of message."]} +{"id": "NYT19981104.0545", "text": "Stunned by the Democratic resurgence in the mid-term elections, congressional Republicans tore into each other Wednesday over who was to blame for their failure to make the traditional opposition party gains in an off-year election.", "summaries": ["Republican qualms over their leadership overshadow impeachment inquiry", "Republicans stunned at mid-term election loss, anger against Gingrich grows", "Republicans stunned by election results now focus on impeachment inquiry", "Election and its impact on GOP, impeachment plans, Congressional leaders"]} +{"id": "NYT19981104.0597", "text": "Stunned by the Democratic resurgence in the mid-term elections, congressional Republicans tore into each other Wednesday over who was to blame for their failure to make the traditional opposition party gains in an off-year election.", "summaries": ["Republican qualms over their leadership overshadow impeachment inquiry", "Clinton calls election gains a vindication of his party's policies", "Republicans stunned by election results now focus on impeachment inquiry", "GOP in turmoil, blame; moderates up? Impeachment dead? House leaders gone?"]} +{"id": "NYT19981104.0600", "text": "Stunned by the Democratic resurgence in the mid-term elections, congressional Republicans tore into each other Wednesday over who was to blame for their failure to make the traditional opposition party gains in an off-year election.", "summaries": ["Republican qualms over their leadership overshadow impeachment inquiry", "Republicans stunned by Democrat's mid-term election gains", "Republicans stunned by election results now focus on impeachment inquiry", "GOP in turmoil, blame; moderates up? Impeachment dead? House leaders gone?"]} +{"id": "NYT19981105.0439", "text": "An intense struggle for control of the House is underway, with Rep. Bob Livingston conducting a telephone campaign to replace Rep. Newt Gingrich as speaker and Gingrich fighting with a counter-campaign that has given some members pause about ousting him.", "summaries": ["Livingston gains support in challenge to Gingrich for House speaker", "Gingrich's re-election as House Speaker in doubt as anger against him grows", "Republicans battle over control of House; Livingston to challenge Gingrich", "GOP in House jockeying for control; Newt loses 6 votes; is he on way out?"]} +{"id": "NYT19981105.0509", "text": "A struggle for control of the House is under way, with Rep. Robert Livingston conducting a telephone campaign that could lead to him running against Newt Gingrich as speaker.", "summaries": ["Election results, budget mess basis for Livingston-Gingrich conflict", "Election of Gingrich as House Speaker in doubt as small group opposes him", "Gingrich blamed for House losses; Livingston starts campaigns to be Speaker", "Many Republicans after Newt's positions; six votes lost; is he on way out?"]} +{"id": "NYT19981105.0525", "text": "Just four years ago, it was a good bet that Newt Gingrich would be the pivotal figure in U.S. politics at the turn of the millennium.", "summaries": ["Miracle worker Gingrich outmaneuvered by political tactician Clinton", "Gingrich's continued leadership in doubt as doubts raised about his ability", "Gingrich no longer pivotal figure in US politics, his leadership shaky", "Gingrich Republicanism a shot in the pan? Clinton diverted issues, votes."]} +{"id": "NYT19981106.0464", "text": "House Speaker Newt Gingrich, who orchestrated the Republican revolution of recent years and is overseeing the impeachment inquiry into President Clinton, was driven from office Friday by a party that swiftly turned on him after its unexpected losses in Tuesday's midterm elections.", "summaries": ["Gingrich gives up speaker slot. Blames blackmail by Republican cannibals", "Gingrich drops bid for speaker of the House, will leave Congress in January", "Gingrich won't seek re-election as Speaker; Livingston favored to succeed", "Combative Newt resigns as Speaker and Congressman; end of GOP \"revolution\"?"]} +{"id": "NYT19981101.0082", "text": "The outcome of the Microsoft antitrust case may be a long way off, but one thing is already clear: This is the first major e-mail trial.", "summaries": ["Microsoft trial E-mail reveals proposal for AOL-Netscape partnership", "E-mail central to the prosecution of Microsoft for anti-trust violations", "Huge volume of e-mail presented as evidence in Microsoft antitrust case", "Microsoft Antitrust Case -- The First Major E-Mail Trial"]} +{"id": "NYT19981122.0131", "text": "America Online is on the verge of agreeing to purchase Netscape Communications Corp., the Internet pioneer at the center of the government's antitrust suit against Microsoft Corp., executives involved in the talks said Sunday.", "summaries": ["Proposed AOL purchase of Netscape would strengthen Microsoft's rivals", "AOL seeks to purchase Netscape in move to counter rival Microsoft", "AOL intends to buy Netscape and develop partnership with Sun Microsystems", "AOL Reportedly to Purchase Netscape, Enter Partnership With Sun"]} +{"id": "NYT19981122.0163", "text": "America Online is on the verge of agreeing to purchase Netscape Communications Corp., the Internet pioneer at the center of the government's antitrust suit against Microsoft Corp., executives involved in the talks said Sunday.", "summaries": ["Netscape stock has soared since report of AOL purchase plan", "AOL seeks to purchase Netscape, in talks with Sun Microsystems, Netscape", "Pending AOL-Netscape-Sun merger would strengthen two of Microsoft's rivals", "AOL, portal, NetCenter, Yahoo, Internet commerce, $3.2 trillion, Sun, Java"]} +{"id": "NYT19981123.0453", "text": "America Online Inc. wants to become the ``next Microsoft'' in two promising information-age fields where Microsoft Corp. is just another company _ the Internet media business and electronic commerce.", "summaries": ["AOL-Netscape-Sun plan would give technological independence from Microsoft", "AOL seeks to expand web domination with purchase of Netscape", "Media business, electronic commerce, AOL, Netscape, Sun, Microsoft", "Electronic commerce, instant direct connection to consumers, AOL, Netscape"]} +{"id": "NYT19981123.0458", "text": "Stock prices vaulted to record levels Monday, furthering a recovery that as recently as two months ago seemed nearly unthinkable.", "summaries": ["News of possible AOL acquisition of Netscape boosts technology stocks", "Internet stocks rise on word that AOL is seeking to purchase Netscape", "Markets bullish; company mergers reduce stock supply and increase demand", "Dow Jones at Record 9,374.27 -- Mergers and Acquisitions Fuel Buying"]} +{"id": "NYT19981123.0478", "text": "Microsoft Corp. argued in federal court Monday that the proposed acquisition of Netscape Communications Corp. by America Online seriously undermined the government's antitrust suit against the software giant.", "summaries": ["Microsoft argues AOL-Netscape deal would undermine government's case", "Microsoft says AOL attempt to acquire Netscape weakens anti-trust case", "Microsoft argues that company mergers weaken antitrust suit against it", "Microsoft Says AOL/Netscape/Sun Deal Demonstrates Healthy Software Industry"]} +{"id": "NYT19981124.0340", "text": "Envisioning a thoroughly networked world in which the World Wide Web is a limitless marketplace of information, entertainment, products and services, America Online Inc. Tuesday laid out the details of its agreement to buy the Netscape Communications Corporation for $4.2 billion.", "summaries": ["Vision behind AOL-Netscape-Sun combo is vast virtual mall", "Technology and media converge as AOL seeks to buy Netscape", "Convergence of technology and media in AOL purchase of Netscape for $4.2B", "On-ramp, Internet appliances, Netscape transformation, portal, AOL, Sun"]} +{"id": "NYT19981124.0365", "text": "The New York Times said in an editorial for Wednesday, Nov. 25: America Online's effort to acquire Netscape and set up a partnership with Sun Microsystems is a reminder of how rapidly the corporate landscape can change in fast-moving technical fields.", "summaries": ["AOL reach for Netscape no reason to moderate suit against Microsoft", "Microsoft anti-trust suit should continue, as AOL seeks to buy Netscape", "NY times editorial argues for vigorous pursuit of suit against Microsoft", "Editorial, Justice, antitrust suit against Microsoft, predatory behavior"]} +{"id": "NYT19981124.0411", "text": "America Online built itself into the most potent force in cyberspace largely by appealing to families with chatty teen-agers who want to flirt online and adults looking for an easy way to send electronic mail while checking the weather and sports scores.", "summaries": ["AOL's Netscape move marks opening of large-scale electronic marketing", "AOL hopes to broaden reach by helping companies operate on the internet", "Electronic commerce services to bolster business opportunities on the Web", "AOL Claims It Will Offer End-to-End E-Commerce Solution"]} +{"id": "NYT19981125.0073", "text": "America Online built itself into the most potent force in cyberspace largely by appealing to families with chatty teen-agers who want to flirt online and adults looking for an easy way to send electronic mail while checking the weather and sports scores.", "summaries": ["AOL's Netscape move marks opening of large-scale electronic marketing", "In buying Netscape, AOL hops to broaden internet services", "AOL Netscape buy will position it for greater services to online merchants", "Business-quality software, online stores, AOL, broad subscriber base"]} +{"id": "APW19981001.1177", "text": "Wall Street extended a global stock selloff Thursday with the Dow industrials tumbling more than 200 points for a second straight day.", "summaries": ["Wall Street joins in global stock selloff. Dow loses 200 points", "Stock prices around world continue to slide as DOW continues to fall", "Federal Reserve lower interest rate not countering world economic crisis", "World markets down due to small US interest cut; confidence down too."]} +{"id": "APW19981002.0778", "text": "President Boris Yeltsin would respond strongly to any effort to prohibit Russians from buying foreign currencies, believing the move would be like bringing another Iron Curtain down on the country, his spokesman said Friday.", "summaries": ["Russian prime minister threatens unpopular measures if IMF funds don't come", "President Yeltsin warns against a ban on Russians buying foreign currency", "Russia threatens to take \"unpopular\" measures if IMF loan not granted", "Russians warned Soviet-style economic controls may be needed: Yeltsin \"nyet\""]} +{"id": "APW19981002.0783", "text": "President Leonid Kuchma called Friday for ``corrections'' to Ukraine's program of market reforms, but pledged that reforms would continue.", "summaries": ["Ukraine's president calls for \"corrections\" to continuing market reforms", "President Kuchma calls for a change in Ukraine's market reforms", "Ukraine trying to save its fast-devaluing money and keep investors", "Ukraine's economic woes; IMF money expected; will Hryvan fall?"]} +{"id": "APW19981002.0809", "text": "Ukraine's parliament on Friday refused to approve President Leonid Kuchma's decree establishing a state fund to compensate people for savings lost in banks.", "summaries": ["Ukraine parliament decisively rejects decree of President Kuchma", "Plan to restore lost savings turned down by Ukrainian government", "Ukraine parliament rejects state fund compensation for bank savings losses", "Ukraine govt looks for ways to keep money in banks; discourage stockpiling"]} +{"id": "APW19981003.0292", "text": "Prime Minister Yevgeny Primakov said Saturday that the economic crisis would not bring an end to the government's program of privatizing state property.", "summaries": ["Russian prime minister reaffirms privatization of state property", "Primakov says economic crisis will not privatization efforts", "Russia will not end government's program of privatization", "Russia wants to stop \"dollar drain\"; get foreign investment and IMF loans."]} +{"id": "NYT19981001.0363", "text": "Russia's new prime minister picked an unusual way to reassure the nation Thursday.", "summaries": ["Russian prime minister mum on economic strategy, hoping for IMF bailout", "In face of economic crisis, Russian Prime Minister has no workable plan", "Russia considers hard currency controls to save its economy", "Russian Economic Crisis: prime minister denies currency controls planned"]} +{"id": "NYT19981001.0379", "text": "When the world's finance ministers and central bankers gathered last year in Hong Kong, they nervously congratulated each other for containing _ at least for the moment _ a nasty financial brush fire in Asia.", "summaries": ["IMF takes heat over widespread economic crises", "Despite Optimistic forecasts, world economy in a downturn", "IMF needs to be more attuned to social vice economic situation of nations", "Background upcoming IMF meeting: contentious, failures, US-West pressures."]} +{"id": "NYT19981002.0250", "text": "In a season of crashing banks, plunging rubles, bouncing paychecks, failing cropsand rotating governments, maybe it is not the ultimate insult.", "summaries": ["Russian financial crisis now in the mail as Post Office goes broke", "Russian mail delivery grinds to halt, post office cannot pay bills", "Halt in Russian mail services due to unpaid bills", "Critical Russian postal system in chaos; Railway, airport bills unpaid."]} +{"id": "NYT19981002.0300", "text": "The United States is disappointed by the economic confusion within the new Russian government of Prime Minister Yevgeny Primakov, said Secretary of State Madeleine Albright on Friday, and she warned Russia about the dangers of an anti-Western policy.", "summaries": ["Secretary Albright expresses concern over Russian economic confusion", "Economic confusion in Russia causes disappointment in Washington", "U.S. voices disappointment about Russia's economic confusion", "US warns Russia to avoid rumored Soviet-style economic measures."]} +{"id": "NYT19981004.0132", "text": "If the Communist Party has its way _ and it has been planning for months _ millions of Russians will take to the streets on Wednesday for some of the biggest demonstrations in years.", "summaries": ["Communists to demonstrate vs. president of government they control", "Communists target Yeltsin economic policy with planned demonstration", "Russian communists hope to make Yeltsin's economy target of demonstrations", "Russia: Communist-created demonstration against Yeltsin, economy, expected."]} +{"id": "APW19981001.0539", "text": "Turkey has sent 10,000 troops to its southeastern border with Syria amid growing tensions between the two neighbors, newspapers reported Thursday.", "summaries": ["Turkey sends troops to Syrian border protesting aid to Kurdish rebels", "As tensions with Syria grow, Turkey sends troops to border area", "Turkey sends 10,000 troops to Syrian border as tensions rise", "Turkey moving troops to Syrian border claiming it's Kurdish rebels haven"]} +{"id": "APW19981004.0182", "text": "Signaling it does not want to be involved in any potential military confrontation between Syria and Turkey, Israel is limiting routine exercises along its own border with Syria.", "summaries": ["Israel to stand clear of Turkey-Syria dispute", "Israel seeks to show it is not involved in Syria-Turkey dispute", "Israel declares non-involvement in Turkish-Syrian dispute, limits exercises", "Israel limits maneuvers because of escalating Syrian-Turkish crisis."]} +{"id": "APW19981004.0296", "text": "Egyptian President Hosni Mubarak met here Sunday with Syrian President Hafez Assad to try to defuse growing tension between Syria and Turkey.", "summaries": ["Egypt's Mubarak attempts mediation of Turkey-Syria dispute", "Egyptian president meets with Syrian president in effort to defuse tensions", "Egypt's President Mubarak visits Syria, Turkey; mediates to defuse tension", "Egypt tries to mediate Syrian-Turkish dispute; issues, Kurds, water, Israel"]} +{"id": "APW19981004.0321", "text": "Egyptian President Hosni Mubarak met here Sunday with Syrian President Hafez Assad to try to defuse growing tension between Syria and Turkey.", "summaries": ["Egypt's Mubarak attempts mediation of Turkey-Syria dispute", "Egypt in talks with Syria and Turkey, hopes to calm situation", "Egypt's President Mubarak visits Syria, Turkey; mediates to defuse tension", "Egypt tries to mediate Syrian-Turkish dispute; issues, Kurds, water, Israel"]} +{"id": "APW19981004.0550", "text": "As Turkey kept up warlike rhetoric against Damascus, Egypt on Sunday began shuttle democracy between the two neighbors to avoid a military confrontation over Turkish Kurdish bases in Syria.", "summaries": ["Turkey renews threats against Syria as Egypt's Mubarak intercedes", "Iran offers to mediate growing dispute between Syrian and Turkey", "SY/TU: Egypts's shuttle diplomacy, Jordan pleads higher interests of region", "Turkey could attack Kurds in Syria; Egypt, mid-east nations want resolution"]} +{"id": "APW19981005.0236", "text": "Iran has offered to mediate between Syria and Turkey in the deepening dispute over Kurdish rebel bases and plans to dispatch envoys to the two countries, the Tehran Times reported Monday.", "summaries": ["Iran offers to join Egypt in mediation of Turkey-Syria dispute", "Iran offers to mediate dispute over Kurdish rebel bases in Syria", "Iran offers to mediate between Turkey and Syria, closest Arab ally", "Iran joins Egypt in efforts to cool Turkish anger at Syrian help for Kurds"]} +{"id": "APW19981005.0457", "text": "Iran has offered to mediate between Syria and Turkey in the deepening dispute over Kurdish rebel bases and will dispatch envoys to the two countries, the Tehran Times reported Monday.", "summaries": ["Jordan joins Egypt and Iran offering help to resolve Turkey-Syria dispute", "Iran offers to mediate dispute over Kurdish rebel bases in Syria", "Iran, Jordan offer Syrian-Turkish mediation help; Assad to visit Turkey", "Jordan, Iran join Egypt in efforts to cool Turkish-Syrian-Kurdish dispute"]} +{"id": "APW19981005.0467", "text": "Lebanon on Monday denied it is harboring Kurdish rebels and blamed Israel for the rising tension between Syria and Turkey.", "summaries": ["Lebanon backs Syria against Turkey. Denies harboring of Kurdish rebels", "Lebanon backs Syria, blames Israel for dispute between Turkey and Syria", "Lebanon denies harboring Kurds, blames Israel for tension, urges peace", "Lebanon denies harboring Kurds; sides with Syria; blames Turks, Israelis"]} +{"id": "APW19981005.0474", "text": "Greece on Monday warned that mounting tension between Turkey and Syria could lead to ``tragic results'' if not dealt with in its early stages.", "summaries": ["Greece blames Turkey for crisis. Warns of possible \"tragic results\"", "Greece warns against consequences of tension between Syria and Turkey", "Greece says Turkey undermines regional stability; neighbors must get along", "Greece chides Turkey for threatening Syria over Kurds; fears tragic results"]} +{"id": "APW19981005.1033", "text": "Lebanon on Monday denied it is harboring Kurdish rebels and blamed Israel for the rising tension between Syria and Turkey.", "summaries": ["Saudis, Yemen and Sudan support Syria. Call for diplomatic solution", "Lebanon denies harboring Kurdish rebels, blames Israel for rising tensions", "Lebanon blames Israel, backs Syria. Saudis, Yemen, Sudan urge diplomacy", "Lebanon denies harboring Kurds; with Syria; blames Turkish-Israeli alliance"]} +{"id": "APW19981224.0814", "text": "United States maxi Sayonara looks set to continue the foreign domination of line honors in Australia's famous Sydney to Hobart yacht race, which starts Saturday.", "summaries": ["U.S. maxi yacht Sayonara favored in Sydney-to-Hobart race", "U.S. yacht Bermuda the favorite to win Sydney to Hobart yacht race.", "US owned Sayonara favorite in Sydney-Hobart yacht race", "Sayonar, Sydney-to-Hobart race, Ellison, Morning Glory, Brindabella, Snow"]} +{"id": "APW19981226.0185", "text": "Leading maxi yachts Brindabella, Sayonara and Marchioness were locked in a three-way duel down the New South Wales state coast Saturday as the Sydney to Hobart fleet faced deteriorating weather.", "summaries": ["Maxis Brindabella, Sayonara and Marchioness lead Sydney-to-Hobart race", "Three yachts tied for lead as weather deteriorates in Sydney to Hobart race", "Brindabella, Sayonara, Marchioness in close race. Weather deteriorating.", "Brindabella, Sayonara, Marchioness Lead Race in Record Breaking Pace"]} +{"id": "APW19981227.0319", "text": "A major search was under way in Bass Strait off Australia's southeast coast on Sunday night for an injured crewman swept overboard during the Sydney-to-Hobart yacht race.", "summaries": ["Crewman lost in Bass Strait as 80-knot winds smash into race contestants", "Search underway for crewman swept overboard in Sydney to Hobart yacht race", "Sword of Orion crewman missing. 37 yachts out of race. Sayonara leading.", "Weather Forces 37 of 115 Yachts to Retire; Sword of Orion Sailor Missing"]} +{"id": "APW19981227.0766", "text": "Two yacht crew members are dead, three yachts remain missing and rescue resources were stretched to the limit Monday as huge seas and gale-force winds continued to batter the Sydney-to-Hobart race fleet.", "summaries": ["Three yachts missing, two crewmen dead as high winds huge seas hit race", "Two dead and three missing as gale-force winds batter race fleet", "2 crew members dead, 3 yachts missing. Huge seas, gale force winds.", "Three Yachts Missing, Two Dead, One Sailor Missing in Sydney-to-Hobart Race"]} +{"id": "APW19981227.0803", "text": "Two yacht crew members are dead, three yachts remain missing and rescue resources were stretched to the limit Monday as huge seas and gale-force winds continued to batter the Sydney-to-Hobart race fleet.", "summaries": ["Three yachts missing, two crewmen dead as high winds huge seas hit race", "Gale-force winds batter race fleet, two dead and three are missing", "2 crew members dead, 3 yachts missing. Huge seas, gale force winds.", "Three Yachts Missing, Two Dead, One Sailor Missing in Sydney-to-Hobart Race"]} +{"id": "APW19981227.0836", "text": "Gale-force winds and high seas battered yachts in the Sydney-to-Hobart race Monday, killing at least two crew members and leaving two yachts missing.", "summaries": ["37 of 115 yachts forced out of Sydney-to-Hobart race", "One yacht located but two remaining missing as storm batters participants", "Yacht B-52 found. Solo Globe and Winston Churchill still missing.", "Sword of Orion Sailor Still Missing; Two Yachts Missing; Race Continues"]} +{"id": "APW19981227.0840", "text": "Gale-force winds and high seas battered yachts in Australia's Sydney-to-Hobart race Monday, killing at least two crew members and leaving three yachts missing.", "summaries": ["37 of 115 yachts forced out of Sydney-to-Hobart race", "Race to continue despite gale-force winds which have killed two", "Race continues though winds gust 90 mph and seas swell 35 feet", "37 of 115 Yachts Retire from Sydney-to-Hobart Race; Three Yachts Missing"]} +{"id": "APW19981227.0853", "text": "Gale-force winds and high seas battered yachts in Australia's Sydney-to-Hobart race Monday, killing at least two crew members and leaving three yachts missing.", "summaries": ["One of three missing yachts located as Sydney-to-Hobart race continues", "Two dead and three yachts missing in Sydney to Hobart yacht race", "Missing crewman in water 15 hours. B-52 thought safe, sailing unassisted.", "37 of 115 Yachts Retire from Sydney-to-Hobart Race; Three Yachts Missing"]} +{"id": "APW19981227.0870", "text": "Two sailors died and 15 others were missing after gale-force winds and high seas battered yachts in the Sydney-to-Hobart yacht race Monday.", "summaries": ["Two dead, 15 missing in Sydney-to-Hobart race. Maxi Sayonara leads", "Two dead and fifteen missing during gale-force winds which struck yachts", "15 missing, many injuries. 2 Business Post Naiad sailors dead.", "Business Post Naiad, Bruce Guy, Phil Skeggs, Winston Churchill, Solo Globe"]} +{"id": "APW19981228.0467", "text": "British sailor Glyn Charles was missing and presumed drowned _ becoming the third fatality in the Sydney-to-Hobart yacht race _ while three others remained missing in rough seas after nightfall Monday.", "summaries": ["Three dead, three missing, many injured in Sydney-to-Hobart race", "Missing sailor presumed drowned after being washed off yacht during race", "Brit sailor Glyn Charles presumed drowned after 24 hours. 3 more missing.", "Glyn Charles, from Sword of Orion, presumed drowned, three others missing."]} +{"id": "APW19981207.0418", "text": "For the second day in a row, astronauts boarded space shuttle Endeavour on Friday for liftoff on NASA's first space station construction flight.", "summaries": ["Endeavour astronauts ready for second try at launch for space station", "Second attempt to launch Endeavour after hydraulic pressure unit ruled OK", "Astronauts all aboard for liftoff on space construction flight.", "2nd launch successful after pressure problem. 16 countries cooperating."]} +{"id": "APW19981207.0577", "text": "Endeavour and its astronauts closed in Sunday to capture the first piece of the international space station, the Russian-made Zarya control module that had to be connected to the Unity chamber aboard the shuttle.", "summaries": ["Endeavour astronauts set to join first two components of space station", "Astronauts prepare to capture Zarya and connect it to the Unity chamber", "Endeavor closes in for connection of space station cylinders.", "Shuttle to blind-dock with Zarya. Unity to serve as future passageway."]} +{"id": "APW19981207.0578", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["Endeavour astronauts connect Russian and U.S. components of space station", "International Space Station construction underway; US, Russian parts mated", "Astronauts connect space station Russian module and U.S. cylindrical module", "Zarya, Unity joined. Electrical and cable connections planned Monday."]} +{"id": "APW19981207.0580", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["Endeavour astronauts connect Russian and U.S. components of space station", "International Space Station construction underway; US, Russian parts mated", "Astronauts use computer to complete 240-mile-high \"blind\" docking", "Zarya, Unity joined. Electrical and cable connections scheduled Monday."]} +{"id": "APW19981207.0581", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["Endeavour astronauts connect Russian and U.S. components of space station", "Unity, Zarya mated by Endeavour crew in complex job 240 miles above earth", "Astronauts connect first two building blocks of international space station", "Zarya, Unity joined. Electrical and cable connections scheduled Monday."]} +{"id": "APW19981207.0583", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["Endeavour astronauts connect Russian and U.S. components of space station", "Unity, Zarya mated by Endeavour crew in complex job 240 miles above earth", "Russian Zarya control module joined to U.S. Unity chamber in space project", "Zarya, Unity joined. Electrical and cable connections scheduled Monday."]} +{"id": "NYT19981113.0404", "text": "WASHINGTON _ NASA and the Russian Space Agency have agreed to set aside a last-minute Russian request to launch an international space station into an orbit closer to Mir, officials announced Friday.", "summaries": ["Russian economic collapse affects plans for international space station", "Request to position space station near MIR too late; NASA, Russians agree", "U.S. and Russia agree a space station launch to MIR is untimely.", "NASA, Russians decide against positioning 2nd station nearer Mir"]} +{"id": "NYT19981203.0460", "text": "A last-minute alarm forced NASA to halt Thursday's launching of the space shuttle Endeavour, on a mission to start assembling the international space station.", "summaries": ["Endeavour's space station mission delayed for a day", "Last minute alarm forces halt and one day delay of Endeavour launch", "Last-minute alarm forces delay of space shuttle Endeavor.", "Last minute delay to shuttle launch. Mission is new space station assembly."]} +{"id": "NYT19981204.0365", "text": "The planet's most daring construction job began Friday as the shuttle Endeavour carried into orbit six astronauts and the first U.S.-built part of an international space station that is expected to cost more than $100 billion.", "summaries": ["Endeavour astronauts launched on space station construction mission", "Endeavour launched. Crew to begin assembling International Space Station", "Shuttle Endeavor launched for space station construction job.", "Friday shuttle launch flawless. Mission: attach US and Russian modules."]} +{"id": "NYT19981206.0178", "text": "Following a series of intricate maneuvers and the skillful use of the space shuttle Endeavour's robot arm, astronauts on Sunday joined the first two of many segments that will form the international space station.", "summaries": ["Endeavour astronauts join two segments of international space station", "Delicate space maneuver by Endeavour crew grabs Zarya attaches it to Unity", "Astronauts connect two segments for international space station.", "Shuttle crew joins Russian Zarya, US Unity segments of space station"]} +{"id": "APW19981127.0244", "text": "In his most candid remarks yet on the economy, European Central Bank President Wim Duisenberg said Friday that growth appears to be slowing in the 11 countries adopting the EU common currency _ or euro _ on Jan. 1.", "summaries": ["Bank president says growth slowing in countries about to adopt euro", "Central bank president says growth slowing in countries adopting the Euro", "Growth said to be slowing in countries adopting EU common currency, or euro", "Head of European Central Bank says growth in euro-nations slow, jobs needed"]} +{"id": "APW19981203.0649", "text": "In a surprise move, nations adopting the new European currency, the euro, dropped key interest rates Thursday, effectively setting the rate that will be adopted throughout the euro zone on Jan. 1.", "summaries": ["Ten of eleven countries adopting euro drop interest rates", "Nations adopting the new European currency drop key interest rates", "Ten countries prepare for economic union by dropping key interest rates", "Surprise, coordinated, drop in interest rates by 11 euro-nations; now 3%."]} +{"id": "APW19981203.1240", "text": "Making their first collective decision about monetary policy, the 11 European nations launching a common currency on Jan. 1 cut interest rates Thursday in a surprise move that won market confidence.", "summaries": ["Lower interest rates intended to boost confidence in euro", "Surprise cut in interest rates seen as critical step for monetary union", "Eleven European nations cut interest rates, win market confidence in euro", "Euro-nations drop interest rates to 3%; markets respond well to timely act."]} +{"id": "APW19981228.0189", "text": "China made trading in the euro official Monday, announcing authorization for the European common currency's use in trade and financial dealings starting Jan. 1.", "summaries": ["China authorizes trading in euro effective January 1, 1999", "China authorizes trading in the Euro starting January 1", "China's acceptance of Europe's common currency in trade makes euro official", "China authorizes euro accounts and its use in trade, finances, exchanges."]} +{"id": "APW19981229.0467", "text": "Two days before the new euro currency goes into effect for 11 European Union members, a growing number of Danes believe their country should take part, according to a poll published Tuesday.", "summaries": ["Poll show majority of Danes having second thoughts on rejection of euro", "Majority of Danes favor joining the European monetary union", "Poll shows majority of Danes favor joining EU monetary union", "Poll says majority of Danes now want euro, rejected by voters in 1992."]} +{"id": "APW19981230.0431", "text": "The annual inflation rate in the 11 nations that adopt the euro as their shared currency on Jan. 1 fell to 0.9 percent in November, the European Union's statistics agency reported Wednesday.", "summaries": ["Inflation rate drops in nations about to adopt euro", "Annual inflation rate in the 11 nations adopting the Euro falls to 0.9%", "European economic inflation decline may overheat fast-growth nations", "Annual inflation rates fall in euro-zone; only Portugal's rises"]} +{"id": "APW19981230.0473", "text": "Wim Duisenberg, the head of the new European Central Bank, said in an interview published Wednesday that he won't step down after completing half his term as earlier agreed.", "summaries": ["Bank head Duisenberg denies gentleman's agreement to step down", "European Central Bank head Duisenberg won=B9t step down as earlier agreed", "Head of new European Central Bank says he won't step down after half term", "Head of European Central Bank will serve full term; seeks more integration."]} +{"id": "APW19981231.0143", "text": "Europe's dream of monetary union becomes reality Thursday when 11 nations irrevocably lock their currencies together to form the euro and create an economic giant whose boundaries stretch from beyond the Arctic Circle to the shores of the Mediterranean.", "summaries": ["December 31, 1998, euro's birthday, is \"beginning of a new era\"", "E-Day: Euro becomes official currency in 11 European nations Dec 31, 1998", "Europe's monetary union hailed as turning point in international finance", "E-Day, Jan 1, 1999: Euro is currency of 11 nations; economic giant created."]} +{"id": "NYT19981119.0380", "text": "Struggling to avoid being sidelined in the Continent-wide equities market promised by Europe's soon-to-be-introduced single currency, French authorities said Thursday that the Paris stock exchange would join an alliance between London and Frankfurt that is seen as the precursor of a pan-European market.", "summaries": ["French move towards Pan-European equity market called premature by some", "Major European stock exchanges seek alliance as Euro introduction nears", "France takes initiative in effort to create pan-European equity market", "Nations working toward pan-European equity market as euro intro near"]} +{"id": "NYT19981223.0347", "text": "Palm Pilot in one hand, cellular phone in the other, Jean-Marc Routiers, 26, was juggling business calls halfway between London and Paris.", "summaries": ["Even before euro many see selves as citizens of Europe", "The new European: mobile, multi-linguistic, and not nationalistic", "Many Europeans already live cosmopolitan life that euro expected to advance", "Generation of pan-Europeans; multilingual, cosmopolitan, go where job best."]} +{"id": "APW19981124.0554", "text": "Indonesia on Tuesday denied claims that its troops massacred more than 40 East Timorese recently, and criticized Portugal for suspending U.N.-sponsored talks over the future of the troubled territory.", "summaries": ["Portugal suspends East Timor talks over disputed report of massacre", "Indonesia denied its troops killed 40 Timorese; East Timor future unclear", "Indonesia denies troops massacred 40 East Timorese", "Portugal halts East Timor talks, blaming killings; denied by Indonesia."]} +{"id": "APW19981126.0443", "text": "Taiwan's Foreign Ministry on Thursday blamed ``administrative negligence'' for an incident in which Nobel Peace Prize winner Josi Ramos-Horta was left stranded at the airport for hours after being refused entry.", "summaries": ["Nobel laureate, East Timor advocate, barred by Taiwan officials", "East Timor advocate Nobelist Ramos-Horta stranded at Taiwan airport", "Taiwan says negligence, not policy, caused E. Timor Nobelist's barred entry", "Taiwan impedes East Timor supporter to mollify Indonesia; claims SNAFU."]} +{"id": "APW19981130.0497", "text": "Bent on revenge for earlier attacks on churches, mobs set fire to four mosques in West Timor Monday after a protest and strike by thousands of Christians degenerated into a riot, the military and a Muslim leader said.", "summaries": ["Christians fire mosques and riot in West Timor city of Kupang", "Mobs set fire to W. Timor mosques as revenge for fires in Jakarta churches", "East Timor mosque fires set to avenge attacks on churches", "Economically strapped Indonesia scene of Christian-Muslim violence; Timor"]} +{"id": "APW19981205.0792", "text": "Protesters on Sunday urged Australian military leaders to identify Indonesian army officers trained here to allow closer monitoring of human rights abuses in East Timor.", "summaries": ["Australians protest training of Indonesian troops bound for East Timor", "Protesters seek to identify Indonesian troops trained by Australian army", "Indonesia urges identification of Australian-trained human rights monitors", "Australians support East Timor; decry their governments aid to Indonesia."]} +{"id": "APW19981205.0807", "text": "Protesters on Sunday urged Australian military leaders to identify Indonesian army officers trained here to allow closer monitoring of human rights abuses in East Timor.", "summaries": ["Australians protest training of Indonesian troops bound for East Timor", "Protesters seek to identify Indonesian troops trained by Australian army", "Indonesia urges identification of Australian-trained human rights monitors", "Australians support East Timor; decry their governments aid to Indonesia."]} +{"id": "APW19981211.0972", "text": "Representatives of exiled East Timorese pro-independence groups said Friday that Indonesian troops attacked unarmed civilians in a village in the disputed Southeast Asian territory, killing one East Timorese and wounding 22 others.", "summaries": ["East Timorese exiles report Indonesian troops' attack on civilians", "Exiled pro-independence groups said Indonesian troops killed civilians", "Indonesian troops attack unarmed E. Timor civilians; 1 killed, 19 wounded", "East Timor-exiles blame 48 victims on Indonesia; 1975 war; UN wants end."]} +{"id": "APW19981211.0982", "text": "Representatives of exiled East Timorese pro-independence groups said Friday that Indonesian troops attacked unarmed civilians in a village in the disputed Southeast Asian territory, killing one East Timorese and wounding 22 others.", "summaries": ["East Timorese exiles report Indonesian troops' attack on civilians", "Exiled pro-independence groups said Indonesian troops killed civilians", "22 E. Timor said wounded in Indonesian troop attack, 26 missing, 1 killed", "Timor-exile claim of Indonesian attack unconfirmed; 1975 war; UN wants end."]} +{"id": "APW19981211.0990", "text": "Representatives of exiled East Timorese pro-independence groups said Friday that Indonesian troops attacked unarmed civilians in a village in the disputed Southeast Asian territory, killing one East Timorese and wounding 22 others.", "summaries": ["East Timorese exiles report Indonesian troops' attack on civilians", "Exiled pro-independence groups said Indonesian troops killed civilians", "22 E. Timor said wounded in Indonesian troop attack, 26 missing, 1 killed", "Timor-exile claim of Indonesian attack unconfirmed; 1975 war; UN wants end."]} +{"id": "APW19981212.0541", "text": "In a decision welcomed as a landmark by Portugal, European Union leaders Saturday backed calls for a referendum to decide the fate of East Timor, the former Portuguese colony occupied by Indonesia since 1975.", "summaries": ["Fifteen European Union leaders support Portugal on East Timor referendum", "Portugal cheers call by European Union leaders for East Timor referendum", "EU urges permanent UN presence in E. Timor, referendum by people on fate", "European Union wants referendum in East Timor; Indonesian troop reduction."]} +{"id": "APW19981221.0448", "text": "JAKARTA, Indonesia (AP) - As a U.N. envoy trotted toward an Indonesian army helicopter, East Timorese protesters spilled onto the runway tarmac and shouted their anger at nervous soldiers.", "summaries": ["U.N. envoy senses newfound taste for compromise in East Timor dispute", "Pakistani promoting UN plan for East Timor doubts early peaceful solution", "UN envoy says Indonesia, E. Timor compromising; solution still distant", "UN-envoy sees small hope in volatile East Timor; key nations resume talking"]} +{"id": "APW19981006.0833", "text": "There's room for a few more names on a 20th century honor roll of writers, and one will be added this week when the Swedish Academy announces the latest Nobel Literature laureate.", "summaries": ["List of picks for 1998 Nobel Literature Prize is long and varied", "Nobel literature announcement due; those nominated remain unknown", "Announcement of Nobelist for literature awaited. Nominations kept secret.", "Nobel Literature Prize Deliberations Kept Secret -- Winners Hotly Discussed"]} +{"id": "APW19981007.0823", "text": "When Alfred Nobel wrote the directions establishing a literature prize in his name, he chose an unclear word and scratched out a few letters.", "summaries": ["Nobel Literature Laureates- the great and not-so-great: five picks", "Great interest evident in pending Nobel literature award", "Meaning of Nobel's \"literature that works in an ideal direction\" unclear", "Criterion for Awarding Nobel Literature Prize Unclear"]} +{"id": "APW19981008.0523", "text": "Portuguese novelist Jose Saramago, whose capricious vision includes a section of Europe breaking off and floating out to sea, on Thursday was named the winner of the 1998 Nobel Literature Prize.", "summaries": ["Nobel Literature Laureate says he is skeptical, reserved, and doesn't gush", "Saramago is the fourth consecutive European to win the literature Nobel", "Saramago's imaginative, compassionate parables. Long a strong condidate.", "Saramago Long Seen as a Strong Candidate for the Nobel Literature Prize"]} +{"id": "APW19981008.1113", "text": "Jose Saramago became the first writer in Portuguese to win the Nobel Prize for Literature on Thursday.", "summaries": ["Portugal basks in Saramago's honor. Vatican takes dimmer view", "Jose Saramago is the first writer in the Portuguese language to win Nobel", "1st Portuguese lit Nobelist. Vatican calls him anti-religious, communist.", "Saramago, Blindness, Baltasar and Blimunda, History of the Siege of Lisbon"]} +{"id": "APW19981009.0788", "text": "A day after winning the Nobel Prize for literature, Portuguese novelist Jose Saramago insisted that while he was delighted to win the award, it could just as easily have gone to many other Portuguese writers.", "summaries": ["Nobel Laureate Saramago says other Portuguese writers deserved award", "Portuguese novelist Jose Saramago learned of Nobel win from air hostess", "Saramago says other Portuguese writers deserving. Portugal delighted at win", "Portuguese Dailies Jubilant Over Saramago's Nobel Prize"]} +{"id": "APW19981011.0541", "text": "Former U.S. President Jimmy Carter, who seems a perennial Nobel Peace Prize also-ran, could have won the coveted honor in 1978 had it not been for strict deadline rules for nominations.", "summaries": ["Deadline rule denied Nobel Peace Prize to Jimmy Carter in 1978", "Missed deadline prevented President Carter from sharing l978 Nobel Prize", "1978 Nobel committee wanted to give Peace prize to Carter, missed deadline", "Jimmy Carter Could Have Been Considered for 1978 Nobel Peace Process"]} +{"id": "APW19981012.0252", "text": "Robert F. Furchgott, Louis J. Ignarro and Ferid Murad of the United States on Monday won the Nobel Medicine Prize.", "summaries": ["Three Americans, Furchgott, Ignarro and Murad, share Nobel Medicine Prize", "US trio to share Nobel Prize for Medicine", "Nobel in medicine to 3 Americans for discovery of nitric oxide role in body", "Nobel Medicine Prize, Furchgott, Ignarro, Murad, nitric oxide, signal"]} +{"id": "APW19981012.0267", "text": "Three American researchers on Monday won the Nobel Medicine Prize for discovering how nitric oxide acts as a signal molecule in the cardiovascular system, a breakthrough with applications ranging from hardening of the arteries to impotence.", "summaries": ["Nobel Medicine Prize goes to three researchers on role of nitric oxide", "US researchers share Nobel Medicine Prize for work with nitric oxide", "3 US Nobelists' nitric oxide discoveries sparked research on new drugs", "Furchgott, Ignarro, Murad, nitric oxide, drugs, heart, artherosclerosis"]} +{"id": "NYT19981008.0338", "text": "Jose Saramago, a 75-year-old Portuguese writer who took up literature relatively late in life and whose richly imaginative novels soon won him a following of loyal readers across Europe and vocal admirers in the United States, was awarded this year's Nobel Prize in Literature Thursday by the Swedish Academy in Stockholm.", "summaries": ["Jose Saramago-first Portuguese to win Nobel Prize in Literature", "Jose Saramago, 75-year-old Portuguese writer awarded Nobel for literature", "1998 Nobel for Literature to Jose Saramago, imaginative Portuguese novelist", "Jose Saramago, First Portuguese-Language Nobel Literature Laureate"]} +{"id": "NYT19981012.0334", "text": "Three American pharmacologists were awarded the Nobel Prize on Monday for their surprising discoveries of how natural production of a gas, nitric oxide, can mediate a wide variety of bodily actions.", "summaries": ["Three American pharmacologists win Nobel Prize in Medicine", "US pharmacologists work with nitric oxide captures Nobel Medicine Prize", "3 US Nobelists' 1980s nitric oxide discoveries highly important medically", "Nitric oxide, Nobel Prize, heart disease, endothelium, blood pressure"]} +{"id": "APW19981004.0138", "text": "Ariel Sharon, the hawkish former general tipped to be Israel's next foreign minister, said in an interview published Sunday that if he gets the job, he won't shake the hand of Palestinian leader Yasser Arafat.", "summaries": ["Likely Israeli foreign minister vows not to shake hands with Yasser Arafat", "Ariel Sharon, next Israeli foreign minister \"won't shake Arafat's hand\"", "If Sharon becomes Israeli Foreign Minister, stance on Palestine will harden", "Sharon, Even as Foreign Minister, Will Refuse to Shake Hands With Arafat"]} +{"id": "APW19981009.1040", "text": "Brief biography of Ariel Sharon, named Israel's foreign minister: ___ 1928: Born in Kfar Mallal in British-ruled Palestine.", "summaries": ["Seasoned warrior Ariel Sharon chosen to seek peace", "Biography of Ariel Sharon lists military successes and government service", "Biog of Sharon: Israeli war hero, Minister of Defense, low jobs, he's back", "Sharon, Israel, foreign minister, biography, negotiations, Palestinians"]} +{"id": "APW19981010.0164", "text": "Ariel Sharon's appointment as the Israeli foreign minister serves as ``the bullet of mercy'' for the Middle East peace process, an official Syrian newspaper said Saturday.", "summaries": ["Sharon appointment seen as \"bullet of mercy\" to peace process", "Sharon=B9s appointment serves as \"bullet of mercy\" for peace process", "Syria calls Sharon \"bullet of mercy\" to mid-East peace chance; illusion", "Syrian Press Denounces Sharon's Appointment to Israeli No. 2 Post"]} +{"id": "APW19981010.0173", "text": "Ariel Sharon's appointment as the Israeli foreign minister serves as ``the bullet of mercy'' for the Middle East peace process, an official Syrian newspaper said Saturday.", "summaries": ["Sharon appointment seen as \"bullet of mercy\" to peace process", "Sharon=B9s appointment serves as \"bullet of mercy\" for peace process", "Syria calls Sharon \"bullet of mercy\" to mid-East peace chance; illusion", "Syrian Press Denounces Sharon's Appointment to Israeli No. 2 Post"]} +{"id": "APW19981010.0374", "text": "Ariel Sharon's appointment as the Israeli foreign minister serves as ``the bullet of mercy'' for the Middle East peace process, an official Syrian newspaper said Saturday.", "summaries": ["Sharon called liar. His appointment deemed \"tantamount to disaster\"", "Syrian newspaper: Sharon appointment \"a bullet of mercy\" to peace process", "Syria calls Sharon disaster; blames for killings; does Israel want peace?", "Lebanese Press Calls Naming of Sharon Lead Negotiator a \"Disaster\""]} +{"id": "APW19981010.0383", "text": "Ariel Sharon's appointment as the Israeli foreign minister serves as ``the bullet of mercy'' for the Middle East peace process, an official Syrian newspaper said Saturday.", "summaries": ["Sharon appointment deemed \"tantamount to disaster\"", "Lebanese newspaper says Sharon appointment is a \"disaster\" for peace", "Syria: Sharon disaster to mid-East peace; enemy of Arabs; end illusions", "Syrian Press on Sharon's Appointment: \"Bullet of Mercy\" for Peace Process"]} +{"id": "APW19981012.0254", "text": "A senior Palestinian negotiator says the success of a peace summit this week near Washington depends on a clear-cut ``yes'' from Israeli Prime Minister Benjamin Netanyahu to an American initiative.", "summaries": ["Palestinian negotiator says Netanyahu must say \"yes\" to West Bank pullback", "Palestinian says success of US peace summit up to Netanyahu to say yes", "Palestinian says up-coming peace talks in US depend on Israel saying \"yes\"", "Palestinian negotiator, Erekat, calls appointment of Sharon \"worrisome.\""]} +{"id": "NYT19981009.0337", "text": "Ariel Sharon has a law degree, and fancies himself a farmer.", "summaries": ["Ariel Sharon, new Israeli foreign minister, is pugnacious to a fault", "Sharon: an unapologetic warrior on the battlefield or in partisan politics", "Amazing career of Israeli Ariel Sharon; hawk, warrior, minister, politican", "Sharon, Lebanon, Phalangists, PLO, Zionist underground operative, West Bank"]} +{"id": "NYT19981009.0369", "text": "Prime Minister Benjamin Netanyahu appointed Ariel Sharon, a hawkish former defense minister, to be Israeli foreign minister on Friday in an effort to placate the far right as he moves closer to turning over more West Bank land to the Palestinians.", "summaries": ["Netanyahu appointment of Sharon seen as effort to placate far right", "Netanyahu picks Sharon as foreign minister to placate the far right", "Netanyahu's motives for naming Sharon Foreign Minister; reactions, history", "Israeli Right Applaud Appointment of Hardliner Sharon to No. 2 Post"]} +{"id": "NYT19981009.0486", "text": "The New York Times said in an editorial on Saturday, Oct. 10: Just days before heading to the United States for critical negotiations with Palestinian leaders, Prime Minister Benjamin Netanyahu jolted the Middle East peace effort with the appointment of Ariel Sharon as Israeli foreign minister.", "summaries": ["Israeli Foreign Minister Sharon can make or break peace effort", "New York Times editorial says Sharon capable of wrecking peace effort", "New York Times: will Sharon sell peace effort to far right or wreck it?", "Sharon, chief negotiator, withdrawal of Israeli forces, West Bank, security"]} +{"id": "APW19981211.0352", "text": "What started as a local controversy in Salt Lake City has evolved into a full-blown international scandal.", "summaries": ["IOC orders investigation of Salt Lake bribe charge", "Salt Lake City group cited for \"bribery\" to win bid for Winter Games", "2002 Olympic hosts bribed IOC committee with scholarships to win bid", "IOC, SLOC, Joklik, bribe, 2002 Winter Games, humanitarian aid, Mbaye"]} +{"id": "APW19981211.1276", "text": "Moving quickly to tackle an escalating corruption scandal, IOC leaders questioned Salt Lake City officials Friday in the first ever investigation into alleged vote-buying by an Olympic city.", "summaries": ["Salt Lake City vote-buying inquiry first ever for IOC", "IOC panel investigates Salt Lake officials about bribery allegations", "1st case of bribery by host city to win Olympic bid. Investigation begins.", "IOC, Salt Lake City, dlrs 400,000, scholarships, vote-buying, Pound"]} +{"id": "APW19981211.1288", "text": "Following is the text of the rules on gifts and benefits that were in force during the bidding for the 2002 Winter Olympics: _ ``The finalist cities as well as third parties acting for them or on their behalf or in their favor, are forbidden to give IOC members _ as well as their blood relations, relatives by marriage, guests or companions _ any presents, liberalities or direct or indirect benefits other than souvenirs ot small presents of a total value which shall in no case exceed U.S. dlrs 150 per person.''", "summaries": ["IOC rules limit any gifts and benefits to $150 per person", "Finalist cities bidding for Winter Olympics forbidden to give gifts to IOC", "Gifts over $150 by host finalists to IOC members or relatives forbidden", "Gifts Over $150 From Bidding Cities to IOC Members or Relatives Prohibited"]} +{"id": "APW19981212.0354", "text": "A top IOC official on Saturday made explosive allegations of widespread Olympic corruption, saying agents demand up to dlrs 1 million to deliver votes in the selection of host cities.", "summaries": ["Top IOC official also claims vote selling in Atlanta and Sydney games", "IOC official made allegations of widespread Olympic corruption by agents", "IOC member Hodler claims agents demanded payments for votes in 96, 00, 02.", "IOC Member, Hodler, Charges Widespread Corruption in Olympic Bidding"]} +{"id": "APW19981212.0562", "text": "A top IOC official on Saturday made explosive allegations of widespread Olympic corruption, saying agents demand up to dlrs 1 million to deliver votes in the selection of host cities.", "summaries": ["IOC official describes boast of millions to win games", "IOC official, Marc Hodler, alleges malpractices in Olympic bid campaigns", "Irregularities cited also in Atlanta, Sydney bidding", "Hodler, Salt Lake City, bid campaigns, games of 1996, 1998, 2000 and 2002"]} +{"id": "APW19981213.0396", "text": "The mayor of the Japanese city of Nagano, site of the 1998 Winter Olympics, denied allegations that city officials bribed members of the International Olympic Committee to win the right to host the games.", "summaries": ["Mayor of Nagano, Japan denies bribing IOC members to win games", "Mayor of Nagano, Japan denies that city officials bribed IOC for 1998 games", "Nagano mayor denies bribery to win 98 Olympics. $17 million unaccounted for", "Nagano Mayor Tsukada Denies City Bought IOC Votes in 1998 Winter Games Bid"]} +{"id": "APW19981213.0412", "text": "Swiss IOC executive board member Marc Hodler said Sunday he might be thrown out of the International Olympic Committee for making allegations of corruption within the Olympic movement.", "summaries": ["IOC executive board member says he won't resign but might be expelled", "IOC member Hodler says he may be removed from IOC for corruption allegation", "IOC whistleblower muzzled. Salt Lake committee head apologizes for bribes.", "Hodler Says He Won't Quit, But May Be Expelled Over IOC Corruption Charges"]} +{"id": "APW19981213.0424", "text": "The senior Olympic official who leveled stunning allegations of corruption within the IOC said Sunday he had been ``muzzled'' by president Juan Antonio Samaranch and might be throw out of the organization.", "summaries": ["Senior Olympic official \"muzzled\" by IOC President Samaranch", "IOC member Hodler says IOC president has ordered him to keep quiet", "IOC whistleblower Hodler says he won't resign but may be expelled", "Senior IOC Member Hodler Charges IOC President Samaranch \"Muzzled\" Him"]} +{"id": "APW19981213.0720", "text": "LAUSANNE, Switzerland (AP) _ IOC president Juan Antonio Samaranch on Sunday promised to expel any members if they are found guilty of accepting bribes.", "summaries": ["IOC President wishes corruption charges had come to board rather than press", "IOC president promises to expel any IOC members who accepted bribes", "IOC bribe takers to be expelled. Hodler to stay on IOC. Games stay in Utah", "Samaranch, Hodler, rules violations, expel, bribes, special IOC panel"]} +{"id": "NYT19981213.0205", "text": "Saying ``if we have to clean, we will clean,'' Juan Antonio Samaranch responded on Sunday to allegations of corruption in the Olympic bidding process by declaring that IOC members who were found to have accepted bribes from candidate cities could be expelled.", "summaries": ["IOC President Samaranch pledges expulsion of any bribe-taking members", "IOC president says members who accepted bribes could be expelled", "IOC members who took bribes may be expelled. 5-7% of IOC said to be guilty", "Samaranch, IOC, Hodler, compensation for their vote, Fiat, Sestriere, Pound"]} +{"id": "APW19981119.1180", "text": "Amid a flurry of last minute preparations, the young Palestinian Authority prepared Thursday for a milestone on the road to maturity: its very own airport.", "summaries": ["Gaza International Airport to open. Who will be first arrival?", "Israel and Palestine sign protocol to open new Gaza International Airport", "Palestinians prepare to open Gaza Intl Airport; Israeli security; who 1st?", "Gaza International Airport Set to Open -- Israel to Provide Security"]} +{"id": "APW19981119.1227", "text": "Amid a flurry of last minute preparations, the fledgling Palestinian Authority prepared Thursday for a milestone on the road to maturity: its own airport.", "summaries": ["Gaza International Airport to open. Who will be first arrival?", "Israel and Palestine to sign protocol for newly created Gaza Airport", "Palestinians prepare to open Gaza Intl Airport; Israeli security; who 1st?", "Gaza International Airport Set to Open -- Israel to Provide Security"]} +{"id": "APW19981123.1179", "text": "The control tower is still without controls, the check-in counter has no computers and the runway can't function after dark for lack of flood lights.", "summaries": ["Egyptian officials to be first arrivals at Gaza International Airport", "Gaza International Airport, despite shortcomings, set to open on Tuesday", "Despite few problems, planes to land at Gaza Intl on Tuesday; 2-year delay", "Plane From Cairo to be First Landing at Gaza International Airport"]} +{"id": "APW19981124.0254", "text": "Taking a major step toward statehood, the Palestinians on Tuesday inaugurated Gaza International Airport, their first gateway to the world, with cheers, tears and an outpouring of patriotism.", "summaries": ["Palestinians celebrate opening of Gaza International Airport", "Palestinians celebrate Tuesday inauguration of Gaza International Airport", "Gaza Intl Airport opens to celebration; Arafat greets 7 planes; glitches.", "Gaza International, Arafat, Egypt Air, first Palestinian Airlines plane"]} +{"id": "APW19981124.0256", "text": "Taking a major step toward statehood, the Palestinians on Tuesday inaugurated Gaza International Airport, their first gateway to the world, with cheers, tears and an outpouring of patriotism.", "summaries": ["Palestinians celebrate opening of Gaza International Airport", "First Palestinian Airlines plane touchdown highlights Gaza Airport opening", "Gaza Intl Airport opens to celebration; Arafat greets 7 planes; glitches.", "Gaza International, Arafat, Egypt Air, first Palestinian Airlines plane"]} +{"id": "APW19981205.0220", "text": "The first Palestinian commercial flight landed at Amman's Marka Airport on Saturday, inaugurating an air route between Jordan and the autonomous Gaza Strip.", "summaries": ["Air service inaugurated between Gaza and Marka Airport, Amman, Jordan", "Palestinian flight inaugurates air route between Jordan and Gaza Strip", "First commercial Palestinian flight; Gaza to Amman; expect business; grow?", "Palestinian F-50 Makes Inaugural Flight on Jordan to Gaza Air Route"]} +{"id": "APW19981229.0756", "text": "Israel has threatened to close down the Palestinian-run Gaza airport over a security violation, an Israeli official said Tuesday, a move that could further undermine the already fragile peace process.", "summaries": ["Israel threatens to shut down Gaza Airport over security dispute", "Israel threatens to close Palestinian Gaza Airport over security violation", "Israel threatens to close Gaza Airport over security; Accord short-lived.", "Israel Threatens to Close Gaza Airport, Straining Fragile Peace Process"]} +{"id": "APW19981229.0763", "text": "Israel has threatened to close down the Palestinian-run Gaza airport over a security violation, an Israeli official said Tuesday, a move that could further undermine the already fragile peace process.", "summaries": ["Israel threatens to shut down Gaza Airport over security dispute", "Israeli threat to close new Gaza Airport could undermine peace process", "Israel threatens to close Gaza Airport over security; Accord short-lived.", "Israel Threatens to Close Gaza Airport, Straining Fragile Peace Process"]} +{"id": "APW19981230.0983", "text": "Israeli security officials delayed two planes from taking off from the Palestinian airport on Wednesday, the latest tensions in a rare area of Israeli-Palestinian cooperation.", "summaries": ["Israelis delay two planes departing Gaza International Airport", "Israeli delay of take-offs from Palestinian Airport cause tension", "Israel delays planes in Gaza; dispute over Arafat trip; Wye accords frozen?", "Israeli Security Delays Departures of Two Planes from Gaza International"]} +{"id": "APW19981230.0991", "text": "Israeli security officials delayed two planes from taking off from the Palestinian airport on Wednesday, marking the latest tensions in a rare area of Israeli-Palestinian cooperation.", "summaries": ["Israeli officials delay two planes taking off from Palestinian airport", "Israeli security delays two planes from taking off from Palestinian Airport", "Two planes delayed in Gaza; latest tension in Israeli-Palestinian concert.", "Israeli Security Delays Departure of Two Planes from Palestinian Airport"]} +{"id": "APW19981019.0307", "text": "Libyan leader Moammar Gadhafi began a surprise visit to neighboring Tunisia on Monday, his first known trip since injuring his hip in July.", "summaries": ["Gadhafi visits Tunisia; had to take land route because of UN sanctions.", "Gadhafi pays surprise visit to Tunisia, first trip since hip surgery", "Libyan leader Gadhafi visits Tunisia; first foreign trip since hip injury", "Gadhafi visits Tunisia by car due to UN ban on Libyan air travel"]} +{"id": "APW19981129.0668", "text": "Louis Farrakhan, the leader of a U.S. Muslim group, met with Libyan leader Moammar Gadhafi on Sunday and congratulated him on his recovery from a hip injury, state-run Libyan radio reported.", "summaries": ["Farrakhan visits Gadhafi; urged UN to lift sanctions for Lockerbie bombing.", "Farrakhan meets with Gadhafi, congratulates him on recovery from surgery", "Louis Farrakhan visits Libya; cites Gadhafi's service of Islamic causes", "Farrakhan's 5th visit to Libya. Barred by US from accepting Libyan money."]} +{"id": "APW19981202.1230", "text": "Secretary General Kofi Annan said Wednesday he was extending his North African tour to include talks with Libyan authorities.", "summaries": ["Annan to go to Libya for meeting about Lockerbie bombing and UN sanctions.", "Kofi Annan to talk with Libyan officials to solve unresolved problems", "UN Secretary General Kofi Annan extends North African tour for Libya talks", "Annan to visit Libya, help finalize trial plans for 1988 Pan Am bombing"]} +{"id": "APW19981205.0172", "text": "TUNIS, Tunisia (AP) _ U.N. Secretary-General Kofi Annan left for Libya Saturday to hold talks aimed at putting two suspects on trial for the 1988 Pan Am bombing over Lockerbie.", "summaries": ["Annan left for Libya for talks to put 1988 Pan Am bombing suspects on trial", "Kofi Annan goes to Libya for talks on trial for Lockerbie bombers", "Libyan visit of Kofi Annan aimed at putting Pan Am bomb suspects on trial", "Annan left for Libya for talks on trying 1988 Pan Am bombing suspects"]} +{"id": "APW19981205.0213", "text": "TRIPOLI, Libya (AP) _ U.N. Secretary-General Kofi Annan arrived in Libya Saturday for talks aimed at bringing to trial two Libyan suspects in the 1988 Pan Am bombing over Lockerbie, Scotland.", "summaries": ["Annan is in Libya to see Gadhafi about handing over 2 Lockerbie suspects.", "Annan in Libya for talks to bring Lockerbie bombing suspects to trial", "UN, Kofi Annan, Pan Am bombers, Lockerbie, trial, Libyan air travel ban", "Annan arrived in Libya for talks. Libya denies Gadhafi's authority for deal"]} +{"id": "APW19981206.0364", "text": "After meeting Libyan leader Moammar Gadhafi in a desert tent, U.N. Secretary-General Kofi Annan said he thinks an arrangement for bringing two suspects to trial in the bombing of a Pan Am airliner could be secured in the ``not too distant future.''", "summaries": ["Annan thinks arrangements to try Pan Am bombers will be secured soon.", "Annan hopeful that Lockerbie bombing suspects will soon be brought to trial", "Kofi Annan meets Gadhafi, trial for suspected Pan Am bombers possible soon", "Annan thinks trial will be soon. West says jail time must be in Scotland"]} +{"id": "APW19981206.0371", "text": "After meeting Libyan leader Moammar Gadhafi in a desert tent, U.N. Secretary-General Kofi Annan said he thinks an arrangement for bringing two suspects to trial in the bombing of a Pan Am airliner could be secured in the ``not too distant future.''", "summaries": ["Libya confirms its seriousness and readiness to solve Lockerbie problem.", "Annan says Libya serious about reaching accord on bombing suspects", "Kofi Annan meets Gadhafi; Libya ready for solution to Lockerbie problem", "Libya confirms readiness for solution, agrees to trial in 3rd country."]} +{"id": "APW19981209.1444", "text": "Libya's justice minister on Wednesday said the two suspects in the 1988 bombing of a Pan Am jetliner should not become victims of Western politics when they go on trial.", "summaries": ["Libya wants Pan Am bomb suspects to be jailed in Libya, if convicted.", "Libya accepts principle that Lockerbie bombing suspects be brought to trial", "Libya wants Locckerbie bombers, if convicted, jailed in Libya", "Libyan demand that jail time must be in Libya delays suspect handover"]} +{"id": "APW19981212.0848", "text": "Qatar's foreign minister, Sheik Hamad bin Jassem bin Jaber Al Thani, met Libyan leader Moammar Gadhafi in the desert on Saturday, Libya's official television reported.", "summaries": ["Letter reaffirms Qatar's support of Libya's position on Lockerbie case.", "Qarar Foreign Minister voices support for Libya in bomb trial dispute", "Qatar minister meets Gadhafi in desert, reaffirmes support for Libya", "Qatar FM meets with Gadhafi, reaffirms support for Libya in Lockerbie case"]} +{"id": "APW19981221.1004", "text": "With the mournful lament of bagpipes and prayers of healing, the people of Lockerbie paid tribute to the 270 people killed when a bomb brought Pan Am Flight 103 crashing down on this tiny town 10 years ago Monday.", "summaries": ["U.S. and Britain vow to punish Pan Am bombers at 10 year memorial of event.", "Lockerbie residents mark 10th anniversary of downing of Pan Am 103", "Special services mark 10th anniversary of Pan Am Lockerbie bombing", "Ceremonies marking 10th bombing anniversary in Lockerbie, London, VA, NY"]} +{"id": "APW19981114.0575", "text": "A Kurdish rebel group fighting for autonomy in Turkey's southeast faces an uncertain future following the detention in Rome of its founder and leader.", "summaries": ["PKK leader Ocalan arrested on arrival at Rome airport; asks for asylum.", "Kurdish leader Ocalan detained in Rome, fate of rebel group in doubt", "Turkey requests extradition of Kurdish PKK leader arrested in Italy", "Kurdish leader arrested in Rome; plan to move from guerrilla to politician?"]} +{"id": "APW19981115.0371", "text": "Turkey stepped up the pressure on Italy for the extradition of captured Kurdish rebel leader Abdullah Ocalan, warning Sunday that granting him asylum would amount to ``opening doors to terrorism.''", "summaries": ["Turkey pressures Italy to extradite Ocalan. Kurds demonstrate in Rome.", "Turkey demands extradition of Ocalan as supporters demonstrate in Rome", "European Kurds show solidarity with Kurdish leader jailed in Italy", "Turkey presses Italy to return Kurd rebel; facing death; hearing pending."]} +{"id": "APW19981115.0618", "text": "Turkey stepped up pressure on Italy for the extradition of captured Kurdish rebel leader Abdullah Ocalan, saying Sunday that granting him asylum would amount to ``opening doors to terrorism.''", "summaries": ["Turkey wants Ocalan extradited; Kurds demonstrate solidarity across Europe.", "Ocalan supporters demonstrate in Rome to block extradition to Turkey", "Turkey pressures Italy to extradite PKK leader Abdullah Ocalan", "Turkey presses Italy to return Kurd, threatens retaliation; demonstrations."]} +{"id": "APW19981115.0626", "text": "Greek media and officials leveled strong opposition Sunday to the possible extradition of Abdullah Ocalan, the arrested Kurdish guerrilla leader, to Greece's traditional rival Turkey.", "summaries": ["Greek media and officials oppose extradition of Ocalan to Turkey.", "Greeks oppose Ocalan extradition, support Kurdish self-determination", "Greece opposes extradition of Ocalan; should remain in democratic country", "Greece, home to some Kurds, opposes Italian extradition of rebel to Turkey."]} +{"id": "APW19981116.0221", "text": "About 1,500 Kurds who spent the night outside a military hospital where Kurdish rebel leader Abdullah Ocalan is believed held continued their hunger strike Monday to protest his detention.", "summaries": ["About 1,500 Kurds on hunger strike outside hospital where Ocalan is held.", "Kurdish rebels in Rome continue hunger strike in support of Ocalan", "Hunger strike by 1500 Kurds used to protest detention of Ocalan in Italy", "Kurds in Italy stage hunger strike to support imprisoned rebel leader."]} +{"id": "APW19981116.0235", "text": "Turkish authorities negotiated with an imprisoned mob leader for a second day Monday to secure the release of an Italian inmate held hostage to pressure Italy into extraditing a Kurdish rebel leader, a prosecutor said.", "summaries": ["In Turkish prison, mob leader takes Italian prisoner hostage to get Ocalan.", "Turks negotiate for release of Italian hostage help by Kurdish inmates", "Turkey negotiates with prison mob leader for release of Italian inmate", "Right-wing prisoners in Turkey hold Italian to trade for Kurdish leader."]} +{"id": "APW19981116.1120", "text": "INNSBRUCK, Austria (AP) -- Italian authorities have turned back at least 136 people along the Austro-Italian border during an immigration crackdown prompted by the arrest of Kurdish leader Abdullah Ocalan, Austrian officials said Monday.", "summaries": ["Italian border crackdown to hold back Kurds flocking to Rome for Ocalan.", "In wake of arrest of Ocalan, Italy turning Kurds away from border", "Group protesting Italy's arrest of Kurdish leader denied entry to Italy", "Italy turns back Kurds and supporters at Austrian border; protest for rebel"]} +{"id": "APW19981117.0528", "text": "Thousands of Kurds living in Romania closed down restaurants, shops and companies to protest the arrest of leader Abdullah Ocalan by Italian authorities, a newspaper reported Tuesday.", "summaries": ["Kurds in Romania stage 1-day business shut down to protest Ocalan's arrest.", "Kurds in Romania cause one-day shutdown to protest Ocalan arrest", "Kurds living in Romania shut down businesses to protest arrest of Ocalan", "Kurds in Romania stage 1-day shutdown to show support for jailed leader."]} +{"id": "APW19981117.0530", "text": "About 1,000 policemen were assigned to protect Turkish President Suleyman Demirel, who arrived Tuesday on a three-day official visit.", "summaries": ["Visiting Austria, Turkish president need extra security due to Ocalan case.", "Austrian police take special measures to protect visiting Turkish President", "Turkish president heavily guarded during visit to Austria", "Turkish President aims to join European Union; snags are Kurds and Cyprus."]} +{"id": "NYT19981116.0479", "text": "Facing his first real foreign policy test, Prime Minister Massimo D'Alema must decide what to do with a prominent Kurdish rebel leader who was arrested at the Rome airport on Thursday.", "summaries": ["Ocalan case first foreign policy test for new Prime Minister D'Alema.", "Italian Prime Minister pressured by leftists to offer Ocalan asylum", "Italian PM faces foreign policy test over fate of Kurdish rebel leader", "Italian govt test: extradite Kurd to Turkey or Germany or bow to leftists?"]} +{"id": "NYT19981125.0417", "text": "Exxon Corp. and Mobil Corp. have held discussions about combining their business operations, a person involved in the talks said Wednesday.", "summaries": ["Exxon and Mobil discuss combining business operations; possible merger.", "Possible merger of Exxon and Mobile would create largest U.S. company", "Exxon Corp. and Mobil Corp may combine business operations", "Exxon, Mobil consider merge, creating largest US company. Cite BP-Amoco."]} +{"id": "NYT19981125.0433", "text": "Exxon Corp. and Mobil Corp. have held discussions about combining their business operations, a person involved in the talks said Wednesday.", "summaries": ["Exxon-Mobil merger would reunite parts of Standard Oil broken up in 1911.", "Possible merger of Exxon and Mobile would create largest U.S. company", "Exxon and Mobil held discussions about combining operations", "Exxon, Mobil consider merge, creating largest US company. Cite BP-Amoco."]} +{"id": "NYT19981126.0192", "text": "Whether or not the talks between Exxon and Mobil lead to a merger or some other business combination, America's economic history is already being rewritten.", "summaries": ["Exxon and Mobil may join because of plunging crude oil prices.", "Global competition forcing unlikely mergers for economic survival", "Exxon-Mobil merger could lead to further savings and benefit consumers", "Exxon-Mobil merger would recombine Standard Oil parts, cut jobs."]} +{"id": "NYT19981127.0203", "text": "News that Exxon and Mobil, two giants in the energy patch, were in merger talks last week is the biggest sign yet that corporate marriages are back in vogue.", "summaries": ["Exxon-Mobil merger talks show that corporate mergers are back in vogue.", "Growing stock market, need to increase revenue, driving merger talks", "Exxon-Mobil merger talks are sign corporate marriages are back in vogue", "Exxon-Mobil talks sign of merger increase. Internal revenue increases tough"]} +{"id": "NYT19981127.0240", "text": "Times are tough in the oil patch.", "summaries": ["Low petroleum prices, high cost of exploration motives for possible merger.", "Low petroleum prices, high costs, drive companies to consider mergers", "Low petroleum prices and high exploration costs causing oil company mergers", "Low oil prices, high exploration costs demand deep-pocket companies"]} +{"id": "NYT19981127.0256", "text": "It was new highs again for the Standard & Poor's 500-stock and Nasdaq composite indexes Friday as anticipation of a new wave of mergers and a general rush by investors to join the equity rebound pushed stocks up.", "summaries": ["Exxon-Mobil talks continue; would be largest oil company; oil stocks rise.", "Stocks reach new highs as merger talks between Mobile and Exxon continue", "News of Exxon-Mobil merger talks, plus other large mergers, push stocks up", "Oil, internet, computer stocks climb on anticipated new merger wave."]} +{"id": "NYT19981127.0264", "text": "The boards of Exxon Corp. and Mobil Corp. are expected to meet Tuesday to consider a possible merger agreement that would form the world's largest oil company, a source close to the negotiations said Friday.", "summaries": ["Exxon, Mobil to consider merger Tuesday; news sent stock of both surging.", "Merger of Exxon and Mobile would create world's largest oil company", "Exxon and Mobil expected to meet Tuesday to consider possible merger", "Exxon, Mobil boards discuss merger. Mobil head Noto very intelligent."]} +{"id": "NYT19981127.0289", "text": "Times are tough in the oil patch.", "summaries": ["Low petroleum prices, high cost of exploration motives for possible merger.", "Low petroleum prices causing oil companies to consider merger talks", "Oil companies squeezed by low oil prices and high costs of exploration", "Low oil prices, high exploration costs demand deep-pocket companies"]} +{"id": "NYT19981127.0293", "text": "Exxon and Mobil, the nation's two largest oil companies, confirmed Friday that they were discussing a possible merger, and antitrust lawyers, industry analysts and government officials predicted that any deal would require the sale of important large pieces of such a new corporate behemoth.", "summaries": ["Experts say a possible Exxon-Mobil merger would entail divestitures.", "A merger of Exxon and Mobile could spark anti-trust scrutiny", "Possible Exxon-Mobil merger would require sale of large corporate pieces", "Exxon, Mobil confirm talks. Anti-trust case, sale of large units seen."]} +{"id": "NYT19981129.0113", "text": "They have been downsized, cut back and re-engineered.", "summaries": ["Mobil employee worries Exxon-Mobil merger would put thousands out of work.", "Mobile workers fear a merger with Exxon could cost jobs", "Mobil workers believe merger with Exxon will put thousands out of work", "Refinery workers don't like merger idea, expect job cuts"]} +{"id": "NYT19981217.0394", "text": "House Speaker-elect Robert L. Livingston presented a fresh note of shock to the impeachment debate against President Clinton on Thursday night as the Republican leader was forced to admit to his Republican colleagues that he had carried on adulterous affairs in his past.", "summaries": ["House Speaker-elect Livingston forced to admit to colleagues past adultery.", "Speaker's admission of adultery will not affect House impeachment vote", "In Clinton impeachment debate, House Speaker admits past adulterous affairs", "House Speaker-elect Livingston Admits Adultery to Republican Colleagues"]} +{"id": "NYT19981218.0380", "text": "Bob Livingston, the incoming speaker of the House, took no public role Friday as the debate unfolded on whether to impeach President Clinton.", "summaries": ["Larry Flynt investigation forces Livingston to admit adultery to colleagues", "Livingston's admission of adultery draws mild reaction from colleagues", "House Speaker reveals he had extramarital affairs in his 20-year tenure", "Neither Democrats nor Republicans Want to Discuss Livingston's Disclosure"]} +{"id": "NYT19981219.0101", "text": "The raw passions were such that the House Democrats did not to hesitate to bellow ``You resign!", "summaries": ["Livingston calls on Clinton to quit; Democrats yell \"You resign!\" -- he does", "Challenged by Democrats, Livingston resigns, pressuring Clinton to do same", "House Speaker suddenly resigns in midst of Clinton impeachment debate", "Speaker-elect Livingston's Resignation During Clinton Debate Stuns House"]} +{"id": "NYT19981219.0102", "text": "Rep. Bob Livingston, who confessed to his colleagues Thursday night that he had had adulterous affairs, stunned the House chamber Saturday morning by saying in the impeachment debate on President Clinton that he would not serve as speaker and would quit Congress in six months.", "summaries": ["Livingston resignation shocks House; says Clinton should follow his example", "Livingston, in announcing resignation, urges like action from Clinton", "House Speaker admits adultery, resigns, and urges Clinton to follow suit", "President Clinton Disappointed at Livingston's Resignation; Will Not Resign"]} +{"id": "NYT19981219.0104", "text": "The only thing certain now is uncertainty.", "summaries": ["Livingston's surprise resignation puts pressure on Clinton to do likewise.", "Clinton impeachment uncertain as partisan politics prevail", "Clinton impeachment issue deepens Capital's profound sense of uncertainty", "Crisis Extends Beyond Clinton, But Political Institutions Will Survive"]} +{"id": "NYT19981219.0106", "text": "The New York Times said in an editorial for Sunday, Dec. 20: The Republicans' drive for a partisan impeachment based soley on party-line voting power rather than any sense of proportion produced an unexpected sideshow in the resignation of Rep. Bob Livingston from his role as future speaker of the House.", "summaries": ["Livingston's downfall shows a breakdown in legislative civility.", "House blocks censure motion, Senate seeks to resolve impeachment crisis", "Senate best advised only to censure President to avoid partisan vengeance", "Livingston, sexual Puritanism, resignation, censure, partisan vengeance"]} +{"id": "NYT19981219.0117", "text": "Rejecting a last-minute Democratic attempt to soften its action to censure, the House of Representatives moved to impeach President William Jefferson Clinton for perjury on Saturday and to call on the Senate to try him, convict him and remove him from office.", "summaries": ["House moves to impeach Clinton for perjury; calls on Senate to try him.", "Livingston calls on Clinton to follow his example and resign", "House moves to impeach Clinton for perjury and demands his resignation", "Clinton, impeachment, perjury, politics of personal destruction, Nixon"]} +{"id": "NYT19981219.0145", "text": "In the end, the will of the people meant nothing.", "summaries": ["Even after Livingston quits, radicals and fanatics still want to impeach.", "Republican obsession with impeaching Clinton ignores larger world issues", "Impeachment debates creates image of Republicans as partisan and fanatical", "Bob Livingston proclaims, \"Let us disregard the outside influences.\""]} +{"id": "NYT19981219.0148", "text": "It has gotten to the point where drastic action may be necessary.", "summaries": ["Livingston's revelation after rabid pursuit of Clinton shows hypocrisy.", "Washington loses perspective as hypocrisy drives impeachment proceedings", "Republicans' impeachment debate reveals their anti-Clinton hatefulness", "Clinton, sexual doomsday machine, Livingston, avatar of hypocrisy"]} +{"id": "NYT19981219.0170", "text": "``We are here to debate impeachment and should not be distracted from that,'' the minority whip, Rep. David Bonior, Democrat of Michigan, said during Saturday's House debate, in what leaped out as an impossible goal.", "summaries": ["TV commentators caught off guard by Livingston's resignation.", "Livingston resignation catches Washington off guard as impeachment proceeds", "Kaleidoscopic TV coverage of impeachment debate obscures cultural fissure", "Kaleidoscopic television screen; impeachment, Iraq, resignation; Rather"]} +{"id": "APW19981119.0252", "text": "Russian space experts were making final preparations Thursday at the Baikonur rocket base to launch the first component of a multibillion dollar international space station after a year of delay.", "summaries": ["Zarya space station module is readied for unmanned launch from Baikonur.", "After year's delay, Russia set to launch first part of space station", "Russia preps for launch of 1st space station component after year's delay", "Zarya launch, cargo module, rendezvous, Endeavor, Unity connecting module"]} +{"id": "APW19981120.0290", "text": "A Russian Proton booster rocket carried the first part of the international space station into orbit Friday, heralding the start of a new era in international space colonization.", "summaries": ["Launch of 1st part of international space station \"flawless\", \"success.\"", "Russian booster rocket carries first part of space station into orbit", "1st part of international space station successfully carried to orbit", "After Repeated Delays Due to Funding Woes, Russians Accomplish Zarya Launch"]} +{"id": "APW19981120.0892", "text": "The first part of the international space station was smoothly orbiting Earth on Friday after a faultless launch that marked the start of a new age in space exploration and colonization.", "summaries": ["Zarya module orbiting Earth; shuttle Endeavor will rendezvous in 2 weeks.", "First part of international space station orbiting without problems", "1st space station segment smoothly orbiting after faultless launch", "Zarya Will Rendezvous With Space Shuttle Endeavor in Two Weeks"]} +{"id": "APW19981121.0727", "text": "Russian space officials gave the first module of the international space station a routine tweak Saturday to push it into higher orbit, and convened a meeting on Earth to map out its future.", "summaries": ["Zarya space station module tweaked, working well; will be a space tugboat.", "Russians push first part of international space station into higher orbit", "Russia pushes Zarya to higher orbit, claims management lead 1st 5 yrs", "Russia Reportedly To Manage First Five Years of International Space Station"]} +{"id": "APW19981207.0577", "text": "Endeavour and its astronauts closed in Sunday to capture the first piece of the international space station, the Russian-made Zarya control module that had to be connected to the Unity chamber aboard the shuttle.", "summaries": ["Endeavor astronauts prepare to join Zarya and Unity modules aboard shuttle.", "U.S. astronauts carry Unity chamber to join with Russian Zarya Module", "Shuttle to blind-dock with Zarya. Unity to serve as future passageway.", "Curie, Endeavor, Zarya, Unity, blind docking, space junk, spacewalk"]} +{"id": "APW19981207.0578", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["First 2 building blocks of international space station successfully joined.", "Endeavor astronauts join Unity chamber to Zarya control module", "Zarya, Unity joined. Electrical and cable connections planned Monday.", "Zarya and Unity Successfully Stacked in Endeavor Cargo Bay"]} +{"id": "APW19981207.0580", "text": "Endeavour's astronauts connected the first two building blocks of the international space station on Sunday, creating a seven-story tower in the shuttle cargo bay.", "summaries": ["First 2 building blocks of international space station successfully joined.", "Joining of American Unity chamber to Russian Zarya module appears perfect", "Zarya, Unity joined. Electrical and cable connections planned Monday.", "Zarya and Unity Successfully Stacked in Endeavor Cargo Bay"]} +{"id": "APW19981209.1470", "text": "Two astronauts ventured back out on another spacewalk Wednesday to attach antennas to the international space station under construction nearly 250 miles above Earth.", "summaries": ["2 Endeavor astronauts go on 2nd spacewalk to work on space station modules.", "Astronauts to install antennas on Unity chamber, fix Russian antenna", "2nd 2-man spacewalk to attach Unity antennas, open stuck Zarya antenna", "Astronauts, Newman, Ross, attach antennas, 40 electrical connections"]} +{"id": "NYT19981113.0404", "text": "WASHINGTON _ NASA and the Russian Space Agency have agreed to set aside a last-minute Russian request to launch an international space station into an orbit closer to Mir, officials announced Friday.", "summaries": ["NASA, Russia decide not to change orbit of new space station; Nov. launch.", "Russians request to change orbit of space station set aside", "NASA, Russians decide against positioning 2nd station nearer Mir", "Russian Bid to Put International Space Station Orbit Closer to MIR Rejected"]} +{"id": "NYT19981120.0427", "text": "The first piece of the international space station was orbiting Earth Friday, sprouting antennae and unfolding solar power panels as it awaited other segments, which will eventually grow into the largest orbital laboratory in history.", "summaries": ["Russia's Zarya in orbit; will be joined by U.S. Unity module in 2 weeks.", "First piece of space station in orbit, awaiting American launch", "Russia looking to extend Mir's life after promise to abandon and destroy it", "Zarya, international space station, MIR $240 million from the U.S."]} +{"id": "APW19981016.0655", "text": "Latin American leaders flew Friday to Portugal for a weekend summit to figure out how they can shield their economies from the global financial crisis.", "summaries": ["At Ibero-American summit, leaders explore ways to avoid financial turmoil.", "Castro, at the Ibero-American Summit, warns of economic crisis", "Annual Ibero-American summit: focus on protecting Latin American economies.", "Ibero-American Summit, global financial crisis, Brazil, bailout, reforms"]} +{"id": "APW19981017.0692", "text": "Leaders from 19 Latin American nations, Spain and Portugal put finishing touches Saturday on an Ibero-American summit declaration warning of global recession unless action is taken to stabilize the international financial system.", "summaries": ["Latin leaders warn of possible global recession; Brazil plans austerity.", "Leaders attending Ibero-American Summit warn of global recession", "Ibero-American summit: recession feared; Brazil prepares austerity plans.", "Cardoso calls Brazil and China \"dikes of resistance\" to global recession"]} +{"id": "APW19981019.0550", "text": "Caught in the middle of an economic crisis, many Brazilian factories fear they won't be able to pay their workers the mandatory year-end bonus.", "summaries": ["Brazil president to announce austerity measures to reduce budget deficit.", "Brazilian factories consider paying year-end bonuses with goods, not cash", "Brazilian workers may be paid in goods as economy continues fall; cash low.", "Product-for-cash swap, Curi, belt-tightening austerity package, Real Plan"]} +{"id": "APW19981020.1106", "text": "Brazil and the International Monetary Fund moved closer Tuesday to agreement on an expected dlrs 30 billion rescue package for the world's ninth-largest economy.", "summaries": ["Brazil, IMF move closer to agreement on $30 billion rescue package.", "Brazil, IMF close to agreement in 30 billion dollar rescue package", "Rescue package for Brazilian economy nearer; emergency program expected.", "Brazil-IMF discussions, rescue package, budget cuts, devaluation, Parente"]} +{"id": "APW19981021.1160", "text": "There's no such thing as a free lunch any longer in Brazil, President Fernando Henrique Cardoso is telling government workers.", "summaries": ["Brazil president readies spending cuts and tax increases; part of IMF deal.", "Worker's perks in Brazil being cut in effort to reduce deficit", "Brazilian Pres cuts staff's perks; not all behind deficit reduction targets", "Cardozao Cuts Palace Perks in Symbolic Deficit Cutting Gesture"]} +{"id": "APW19981021.1170", "text": "There's no such thing as a free lunch any longer in Brazil, President Fernando Henrique Cardoso is telling government workers.", "summaries": ["Cardoso to unveil full deficit-cutting plan next week; part of IMF deal.", "Worker's perks in Brazil being cut in effort to reduce deficit", "Brazilian Pres cuts staff's perks; not all behind deficit reduction targets", "Cardozao Cuts Palace Perks in Symbolic Deficit Cutting Gesture"]} +{"id": "APW19981022.1123", "text": "President Fernando Henrique Cardoso's efforts to repair the largest economy in Latin America may depend on the outcome of this weekend's gubernatorial elections.", "summaries": ["Cardoso's economic efforts may depend on upcoming gubernatorial elections.", "Success of Brazil's economic reforms depends on outcome of elections", "Brazil: Runoff election results could determine fate of austerity plans.", "Gubernatorial elections, taxes, budget deficit, Sao Paulo, Covas, Maluf"]} +{"id": "NYT19981020.0380", "text": "The Commerce Department on Tuesday provided a concrete measure of the effects of the global economic downturn on the American economy, reporting that the nation's trade deficit widened by $2.2 billion in August to $16.77 billion.", "summaries": ["Commerce Dept. measures effects of global economic downturn on U.S. economy", "American exports decline as a result of global economic downturn", "US trade deficit tops $16 billion; world has no money to buy US products.", "Trade Deficit Rose - Exports to China Down Significantly, Imports Explode"]} +{"id": "NYT19981020.0382", "text": "Brazilian officials ended four days of meetings with representatives of the International Monetary Fund on Tuesday without living up to their public pledge to announce concrete measures to reduce government deficits.", "summaries": ["Brazil, IMF talk; Brazil doesn't give concrete measures to reduce deficits.", "Brazil, facing elections, seeks to assure markets that deficit cuts coming", "Brazil: up-coming votes delay real actions to contain economic collapse.", "Brazilian Officials Give Reassurances, Few Details on Deficit Cutting Plan"]} +{"id": "NYT19981024.0050", "text": "The United States is preparing to commit U.S. taxpayer funds as part of a lending program of at least $30 billion to try to insulate Brazil, and with it the rest of Latin America, from the worst effects of the financial turmoil circling the globe, according to U.S. and foreign officials assembling the program.", "summaries": ["U.S to commit several billion dollars of taxpayer funds to Brazil-IMF deal.", "U.S. prepared to commit to loan to protect Brazil from recession", "Brazil: Rampant debt, recession, IMF package, direct US aid, fears remain.", "U.S. Officials Signal Readiness to Loan Billions as Direct Aid to Brazil"]} +{"id": "APW19981023.0254", "text": "A South Korean lawmaker said Friday communist North Korea could be producing plutonium and could have more secret underground nuclear facilities than already feared.", "summaries": ["S. Korea says N. Korea could be producing plutonium in underground plants.", "South Korean says North Korea could be producing plutonium", "North Korea may be producing plutonium and has more underground facilities", "South Korea says North building two new nuclear sites; operational by 2002?"]} +{"id": "APW19981121.0131", "text": "SEOUL, South Korea (AP) _ U.S. President Bill Clinton won South Korea's support Saturday for confronting North Korea over a suspected nuclear site, and he warned the North's communist leaders not to squander a chance to achieve lasting peace on the peninsula.", "summaries": ["U.S. warns N. Korea not to waste chance for peace over alleged nuclear site", "N Korea's suspected nuclear ambitions cast shadow on Clinton Asian trip", "South Korea supports U.S. in confronting North Korea over nuclear site", "Clinton in Asia: economics and security, especially North Korean affronts."]} +{"id": "APW19981121.0344", "text": "SEOUL, South Korea (AP) _ U.S. President Bill Clinton won South Korea's support Saturday for confronting North Korea over a suspected nuclear site, and he warned the North's communist leaders not to squander an historic chance to make a lasting peace on the peninsula.", "summaries": ["Clinton calls for full access to suspicious underground N. Korean complex.", "Clinton wins South Korean support for confronting North on nuclear program", "U.S. wins South Korea's support for confronting North Korea's suspect site", "Clinton in Asia: economics and security, especially North Korean affronts."]} +{"id": "APW19981203.0321", "text": "North Korean news media on Thursday said the communist nation's military is on full alert for war with the United States if a dispute over nuclear inspections comes to blows.", "summaries": ["N. Korea says U.S. pushes to brink of war over site inspection and talks.", "North Korea=B9s 1.1 million man military said on alert for war with US", "North Korea threatens war against U.S. if nuclear dispute comes to blows", "Typical North Korean saber-rattling as US talks about inspections near."]} +{"id": "NYT19981028.0441", "text": "North Korea has agreed to receive a U.S. delegation next month to discuss American concerns about the construction of a vast underground complex that is widely feared to house a nuclear weapons program, the State Department said on Wednesday.", "summaries": ["Spy photos show possible N. Korean nuclear site; delegation going to check.", "North Korea to receive US delegation as concerns mount on nuclear program", "U.S. delegation to visit North Korea to discuss suspect underground complex", "US visit to North Korea: do new sites break agreement, nuclear or civilian"]} +{"id": "NYT19981114.0099", "text": "A congressman who visited remote parts of North Korea last week said Saturday that the food and health situation there was desperate and deteriorating, and that millions of North Koreans might have starved to death in the last few years.", "summaries": ["Possible nuclear complex may strain U.S.-N. Korean relations, stop aid.", "US congressman sees severe malnutrition, other depravations in North Korea", "Congressman's visit to North Korea reveals desperate food situation there", "Congressman in North Korea: food, health desperate; policy killing people."]} +{"id": "NYT19981118.0464", "text": "North Korea has demanded that the United States pay hundreds of millions of dollars for the right to inspect a huge underground center that U.S. intelligence analysts fear houses a nuclear-weapons program, Clinton administration officials said Wednesday.", "summaries": ["N. Korea wants U.S. to pay maybe $300 million to see possible nuclear site.", "North Korea demands $millions for US to inspect suspected nuclear facility", "North Korea request for millions of dollars for U.S. visit to suspect site", "North Korea says new sites not nuclear; US can inspect for $300 million."]} +{"id": "NYT19981121.0041", "text": "This city has always kept an unwritten list of foreign leaders _ dictators, unfriendly authoritarians and consistently annoying allies _ who it thinks can make an enormous contribution to peace, security or America's agenda by taking early retirement, at a minimum.", "summaries": ["N. Korea may have nukes, lobbed missile over Japan; no call for Kim ousted?", "Clinton says focus of policy toward Iraq is removal of Saddam Hussein", "Contrary to harsh U.S. criticism of despots, Kim Jong Li escapes mention", "Leaders of Iraq and Malaysia on US \"hit list\": why not North Korea's Kim?"]} +{"id": "NYT19981121.0117", "text": "President Clinton made an unusual, direct appeal to North Korea on Saturday to set aside any nuclear ambitions in favor of strengthening ties to South Korea and the United States.", "summaries": ["Clinton says N. Korean questionable site, missile firing cause for concern.", "Clinton, North Korea, nuclear ambitions, South Korea, Iraq, Indonesia", "Clinton appeals to North Korea to focus on diplomacy not nuclear ambitions", "Clinton in East Asia: topics-new North Korean sites, missile, 1994 accord."]} +{"id": "NYT19981122.0111", "text": "In a green aviator jacket and black cap, President Clinton spent Sunday visiting American troops stationed in South Korea.", "summaries": ["Clinton says recent events make N. Korea a major concern; meets with Kim.", "Clinton visits US troops in South Korea and thanks them for vigilance", "President visits U.S. troops in South Korea, warns of North Korean threat", "Clinton visits troops in South Korea; new signs of danger, be vigilant."]} +{"id": "NYT19981002.0309", "text": "In a cocoon of loyal and wealthy supporters, President Clinton said Friday that he must ``live with the consequences'' of his mistakes, although he contended that Democrats should take pride in the achievements of his presidency and take heart from its possibilities.", "summaries": ["Clinton supports candidates, speaks at fundraisers, acknowledges mistakes.", "President lives with consequences of his mistakes; continues fund raising", "Clinton acknowledges personal pain, takes credit for U.S. economic gains", "Clinton Campaigning, Acknowledges Mistakes, But Stresses Accomplishments"]} +{"id": "NYT19981002.0366", "text": "In other election years, Reps. David Price and Julia Carson would have had little in common other than that they were Democrats with relatively safe seats.", "summaries": ["Democrat candidates try to contain effects of Lewinsky debacle on campaigns", "Uncertainty over effect of White House scandal on Congressional voting", "Democratic candidates assess effect of Clinton scandal on pending elections", "Clinton Scandal an Unknown Factor in Congressional Races"]} +{"id": "NYT19981005.0479", "text": "It was a surprising scene three months ago when Dennis Rivera, one of New York City's most left-leaning labor leaders, was singing the praises of Sen. Alfonse M. D'Amato.", "summaries": ["Labor union backs N.Y. Democrat Schumer to keep Republicans from 60 seats.", "Labor Union support major factor in D'Amato Schumer Senate race", "Labor leaders fear Clinton scandal will give Republicans majority in Senate", "D'Amato, 1199, Schumer, filibuster-proof Republican majority, Rivera"]} +{"id": "NYT19981006.0394", "text": "It was not a voice mail message that Dr. Marilyn Rymer, a neurologist in Kansas City, Mo., would routinely delete, even as a registered Democrat.", "summaries": ["Republican Congressional Committee sponsors deceptive fundraising calls.", "Gingrich leadership awards are thinly veiled pitch for contributions", "Republican bait-and-switch routine calls earn funds from small businesses", "Newt's \"Honorary Chairmen\" Asked to Give $ to National Campaign War Chest"]} +{"id": "NYT19981008.0387", "text": "The last time George Voinovich ran for office, he won re-election as Ohio's governor with 72 percent of the vote, stunning even his most optimistic supporters and setting a 20th-century record for victory margins in Ohio politics.", "summaries": ["Clinton is supporting campaign of Mary Boyle for Senate seat for Ohio.", "Republican Voinovich likely to win Senate seat vacated by John Glenn", "Ohio Republican Voinovich in face-off with Democrat Mary Boyle for Senate", "Boyle in Tough Senate Race Against Popular Republican Gov. Voinovich"]} +{"id": "NYT19981008.0453", "text": "The last time George Voinovich ran for office, he won re-election as Ohio's governor with 72 percent of the vote, stunning even his most optimistic supporters and setting a 20th-century record for victory margins in Ohio politics.", "summaries": ["Clinton is supporting campaign of Mary Boyle for Senate seat for Ohio.", "Republican Voinovich likely to win Senate seat vacated by John Glenn", "Ohio Democrat Mary Boyle running against Republican Voinovich for Senate", "Boyle in Tough Senate Race Against Popular Republican Gov. Voinovich"]} +{"id": "NYT19981009.0434", "text": "Nearly 60 years behind the times, the House voted Friday to condemn the Nazi-Soviet nonaggression pact of 1939.", "summaries": ["House Republicans using idle time to get votes on topics good for campaigns", "Agreement between White House and senate leaders needed to avoid shutdown", "Republicans using House for votes on topics they can boast about back home", "House Members Push Personal Political Agenda While Leaders Negotiate Budget"]} +{"id": "NYT19981010.0027", "text": "Sen. Alfonse D'Amato, the New York Republican who is running for re-election, went to Manhattan's Grand Central Terminal the other morning to accept an award from mass-transit advocates.", "summaries": ["Sen. D'Amato sidesteps queries about Clinton impeachment on campaign trail.", "D=B9Amato pressed for position on Clinton impeachment vote", "How a member stands on impeachment issue is crucial to Senate contests", "D'Amato, Schumer, Clinton, impeachment, jury, Senate, strategists"]} +{"id": "NYT19981010.0149", "text": "White House officials and gay Democrats, concerned that the nation's largest gay and lesbian political organization is about to endorse Sen. Alfonse D'Amato for re-election, are intensely lobbying the group to try to shift its support to the Democratic challenger, Rep. Charles Schumer.", "summaries": ["Gay organization may back Republican D'Amato; prospect upsets Democrats.", "Endorsement of gay and lesbian groups sought in New York Senate race", "Gay and lesbian group lobbied to support Democrat in New York Senate race", "Will the Human Rights Campaign Endorse D'Amato to the Ire of Democrats?"]} +{"id": "NYT19981010.0151", "text": "White House officials and gay Democrats, concerned that the nation's largest gay and lesbian political organization is about to endorse Sen. Alfonse D'Amato for re-election, are intensely lobbying the group to try to shift its support to the Democratic challenger, Rep. Charles Schumer.", "summaries": ["Gay organization may back Republican D'Amato; prospect upsets Democrats.", "Endorsement of gay and lesbian groups sought in New York Senate race", "Human Rights Campaign may endorse both candidates for New York Senate race", "Will the Human Rights Campaign Endorse D'Amato to the Ire of Democrats?"]} +{"id": "APW19981108.0803", "text": "Yugoslavia must cooperate with the U.N. war crimes tribunal investigating alleged atrocities during the wars in Croatia and Bosnia, international legal experts meeting in Belgrade said Sunday.", "summaries": ["Yugoslavia must cooperate with UN war crimes tribunal investigation.", "UN war crimes tribunal says Yugoslav cooperation is essential", "Yugoslavia told to cooperate with tribunal when Serbs are accused, too", "U.N. war crimes tribunal, Croatia, Bosnia, Humanitarian Law Center"]} +{"id": "APW19981111.0631", "text": "The president of the Yugoslav war crimes tribunal harshly criticized Belgrade authorities anew for refusing to let U.N. investigators probe alleged atrocities in Kosovo.", "summaries": ["Tribunal criticizes Belgrade for refusing to comply with its obligations.", "War crimes tribunal harshly criticizes Belgrade for refusing UN probe", "Belgrade refuses visas to investigators in Kosovo atrocity probe", "Belgrade Refuses to Let War Crimes Tribunal Investigators Visit Kosovo"]} +{"id": "APW19981116.0213", "text": "The Yugoslav war crimes tribunal Monday acquitted a Muslim military commander of war crimes against Bosnian Serb prisoners in 1992, but convicted three underlings in the first U.N. case dealing with anti-Serb atrocities.", "summaries": ["Tribunal acquits Muslim military commander, but convicts 3 underlings.", "War crimes tribunal acquits Muslim commander but convicts three underlings", "Muslim commander acquitted, 3 underlings convicted of anti-Serb atrocities", "Atrocities at Celebici, Delali, Mucic, war crimes tribunal, Serb captives"]} +{"id": "APW19981116.0231", "text": "The Yugoslav war crimes tribunal Monday acquitted a Muslim commander of war crimes against Bosnian Serb prisoners in 1992, but convicted three underlings in the first U.N. case dealing with anti-Serb atrocities.", "summaries": ["Tribunal acquits Muslim military commander, but convicts 3 underlings.", "War crimes tribunal acquits Muslim commander but convicts three underlings", "Muslim commander acquitted, 3 underlings convicted of anti-Serb atrocities", "Atrocities at Celebici, Delali, Mucic, war crimes tribunal, Serb captives"]} +{"id": "APW19981116.0525", "text": "In its first case to deal with atrocities against Serbs during Bosnia's civil war, a U.N. war crimes tribunal on Monday convicted three prison officials and guards, but acquitted a top military commander who oversaw the facility.", "summaries": ["Tribunal convicts 3 Muslim prison officials and guards, acquits commander.", "War crimes tribunal convicts prison camp warden of 11 war crimes", "Bosnian commander acquited of anti-Serb acts, Croat commander convicted", "Atrocities Against Serbs Detailed During War Crimes Trial -- Three Convicted"]} +{"id": "APW19981121.0514", "text": "Hundreds of people gathered at Sarajevo airport on Saturday to welcome Zejnil Delalic, who was cleared of war crimes charges earlier this week after spending 980 days in jail of the international war crimes tribunal in The Hague.", "summaries": ["Muslim commander acquitted by tribunal is greeted at Sarajevo airport.", "Hundreds at Sarajevo airport welcome return of acquitted Muslim commander", "Crowds welcome cleared Bosnian Muslim camp commander after 3 years in jail", "Delalic, Cleared of War Crimes Against Serbs, Warmly Welcomed in Sarajevo"]} +{"id": "APW19981129.0969", "text": "He called himself the ``Serb Adolf,'' and his crimes were as chilling as his nickname.", "summaries": ["Trial begins for Bosnian Serb nicknamed \"Serb Adolf;\" confessed to 12 kills", "\"Serb Adolf\" confesses to murders but denies killings constitute genocide", "\"Serb Adolf\" Goran Jelisic confesses to murdering 12 Muslims and Croats", "Serb Adolf, Jelisic, genocide, Yugoslav war crimes, Bosnian Serb, Brcko"]} +{"id": "APW19981130.0803", "text": "To his Muslim targets, Bosnian Serb Goran Jelisic was ``the face of genocide'' who once bragged that ``he had to kill 20 or 30 Muslims before his morning coffee.''", "summaries": ["Serb Jelisic boasted of killings, used nickname Adolf, accused of genocide.", "Bosnian Serb Jelisic being prosecuted had bragged of killing Muslims", "Jelisic a killing machine. Freed from jail and told to go murder Muslims", "Jelisic, Serb-run Luka camp, Bowers, the face of genocide, Muslim targets"]} +{"id": "NYT19981114.0079", "text": "Some of the closest combat in the half year of the Kosovo conflict, to the point of fighting room to room and floor to floor, occurred near this village six weeks ago, in the days before 21 women, children and elderly members of the Delijaj clan were massacred by Serbian forces, their mutilated bodies left strewn on the forest floor.", "summaries": ["Serb forces in Kosovo suffer severe losses, take revenge against civilians.", "Serb forces massacre 21 ethnic Albanians, including women, children", "Serbs in Kosovo took revenge on Delijaj clan civilians for heavy losses", "Vengeful Serbs Massacre 21 Civilians of Delijaj Clan in Kosovo"]} +{"id": "NYT19981202.0391", "text": "American and allied forces in Bosnia on Wednesday arrested a Bosnian Serb general who was charged with genocide by the international war crimes tribunal in a recent secret indictment.", "summaries": ["U.S. forces in Bosnia arrest Serb general accused of Srebrenica genocide.", "Allied forces arrest Bosnian Serb general charged with genocide", "Serb General Krstic highest military arrest. Directed Srebrenica attack.", "Bosnian Serb General, Krstic, Seized - War Crimes Tribunal Charges Genocide"]} +{"id": "APW19981206.0557", "text": "Less than a week before U.S. President Bill Clinton is to arrive for a visit meant to bolster a new Israeli-Palestinian peace accord, the two sides exchanged angry accusations Sunday over Jewish settlements and street clashes.", "summaries": ["Israeli-Palestinian anger marks days before Clinton is to arrive for visit.", "Israeli-Palestinian settlement dispute may hamper Clinton visit to Gaza", "Clinton visit polarizing. Israeli expansion risks Palestinian violence.", "Mid-east: Clinton visit nears; fighting, settlers, prisoners, accusations."]} +{"id": "APW19981206.0559", "text": "Prime Minister Benjamin Netanyahu on Sunday accused Yasser Arafat of ``making a farce'' of the Wye River accords and said he would not agree to further troop withdrawals until a halt to anti-Israel violence.", "summaries": ["Netanyahu says Arafat making a farce of Wye River accords with violence.", "Netanyahu and Arafat clash as both sides claim violations of Wye Accord", "Israel calls an AF One landing at Palestinian airport sovereign recognition", "Israeli-Palestinian squabbles and violence as Clinton visit nears; Wye?"]} +{"id": "APW19981207.1390", "text": "The radical Islamic group Hamas on Monday denounced U.S. President Bill Clinton's upcoming visit to the Gaza Strip but carefully avoided making any threats against him.", "summaries": ["Hamas denounces Clinton's upcoming visit to Gaza, but makes no threats.", "Hamas group denounces President Clinton's visit to Gaza but avoids threats", "Radical Islamic group Hamas denounces Clinton visit, avoids making threats", "Radical Israelis denounce but not threaten Clinton."]} +{"id": "APW19981208.0312", "text": "Armored personnel carriers were deployed Tuesday around the convention center where U.S. President Bill Clinton will address 1,500 Palestinian delegates next week.", "summaries": ["Extra security ready for Clinton's Gaza visit; Hamas hasn't threatened him.", "U.S. and Palestine work out security plans for Clinton's visit to Gaza", "Palestinian and US security high for Clinton Gaza visit.", "Extraordinary security for Clinton in Gaza, West Bank; radical Hamas feared"]} +{"id": "APW19981210.0305", "text": "Keeping a promise to Israel and the United States, Palestinian leader Yasser Arafat on Thursday convened senior officials and legislators to revoke clauses of the PLO founding charter calling for Israel's destruction.", "summaries": ["Violence precedes Clinton's Middle-East visit; trip may be causing unrest.", "Violence raises concern that Clinton's visit to Gaza may cause more unrest", "West Bank stone-throwing protests. Vote on revoking clause biggest problem.", "Palestinian council meets; Clinton to bring accord or discord and violence?"]} +{"id": "APW19981211.0628", "text": "Israel affirmed Friday that it will not withdraw troops in the West Bank unless the top Palestinian decision-making body holds a vote to annul clauses of the PLO charter calling for Israel's destruction.", "summaries": ["Israel, Palestinians disagree over Wye accord terms before Clinton's trip.", "Israel leaving West Bank if Palestine annuls destruction of Israel clause", "Israel won't withdraw West Bank troops without vote on revoking 1964 clause", "Day before Clinton, two sides read different things into Wye peace accord."]} +{"id": "APW19981212.0161", "text": "On a street newly littered with the debris of battle _ stones, spent tear gas canisters, charred remnants of half-burned tires _ a sodden Palestinian flag flaps in a fitful rain-laden wind outside a house in mourning.", "summaries": ["Violence, loss, fear for Israelis, Palestinians; Clinton -- impeachment woes", "Israeli-Palestinian clash is intractable because political is also personal", "Ending long Israeli-Palestinian blood feud personal crusade for Clinton", "Will Clinton's visit ease or ignite historic, rabid, Arab-Jewish feuding?"]} +{"id": "APW19981213.0224", "text": "In an atmosphere of political tension, U.S. President Clinton met Sunday with Israeli Prime Minister Benjamin Netanyahu in a bid to put the troubled Wye River peace accord back on track.", "summaries": ["Clinton arrives in Israel, to go to Gaza, attempts to salvage Wye accord.", "President Clinton met Sunday with Prime Minister Netanyahu in Israel", "Clinton meets Netanyahu, says peace only choice. Office of both shaky", "Mid-east Wye Accord off-track as Clintons visit; actions stalled, violence."]} +{"id": "APW19981216.0275", "text": "Benjamin Netanyahu's refusal to move the peace process forward, which has frustrated President Bill Clinton and angered the Palestinians, may not be enough to save his government from collapse next week.", "summaries": ["Netanyahu refuses to withdraw West Bank troops as stipulated by Wye accord.", "Netanyahu tells Clinton he will not withdraw troops in the West Bank", "Netanyahu defies Wye Accord, affirms he won't withdraw West Bank troops", "Netanyahu ends peace process; no troop withdrawal; govt still may collapse."]} +{"id": "NYT19981127.0267", "text": "President Clinton will travel to Gaza next month to address Palestinian leaders, the White House said Friday.", "summaries": ["Clinton will visit Gaza, the West Bank, Israel on 4-day trip in December.", "President Clinton will attend Gaza meeting to negotiate Wye agreement terms", "Clinton to address Palestinians in Gaza, part of Wye agreement", "Clinton to Gaza, West Bank, Israel on Dec 12; to bolster Wye peace accord."]} +{"id": "APW19981004.0320", "text": "Italy's Communists on Sunday voted to withdraw support for Premier Romano Prodi's 2 1-2-year-old coalition, a move expected to trigger the collapse of one of the country's longest-lived postwar governments.", "summaries": ["Prodi loses Communist support; 2 1/2-year-old coalition could collapse.", "Italy's government may collapse from Communists withdrawal of support", "Italian communists withdraw support for PM Prodi's 2.5-year coalition", "Italy's Communists Vote to Withdraw Support for Premier Prodi's Coalition"]} +{"id": "APW19981005.0721", "text": "Premier Romano Prodi said Monday he would appeal directly to Parliament to save Italy's second-longest government since World War II, threatened with collapse by the defection of its Communist ally.", "summaries": ["Prodi will go to Parliament to save government; Cossutta quit as party pres", "Italy's Premier to appeal to Parliament to save government", "Cutting deficit key to Italy's euro use. Cossutta quits as party president.", "Prodi, Parliament, Cossuta, Scalfaro, euro, confidence vote, Communist"]} +{"id": "APW19981006.0270", "text": "Premier Romano Prodi battled Tuesday for any votes freed up from a split in a far-left party, but said he will resign if he loses a confidence vote expected later this week.", "summaries": ["Prodi faces confidence vote; break with Prodi divides Refounding party.", "Italian Premier to resign if he loses pending confidence vote", "Confidence vote expected. Communist party divided. Euro hopes unified govt.", "Romano Prodi said to be four votes shy of a majority in the lower house."]} +{"id": "APW19981009.0494", "text": "By one vote, Premier Romano Prodi's center-left coalition lost a confidence vote in the Chamber of Deputies Friday, and he went to the presidential palace to resign.", "summaries": ["Prodi lost by 1 vote; Scalfaro must decide -- new elections or new majority.", "Center-left coalition lost confidence vote in Italy's Chamber of Deputies", "Losing vote came from defecting member of Prodi's own party", "Premier Romano Prodi Tenders Resignation After Losing Confidence Vote"]} +{"id": "APW19981009.0501", "text": "By one vote, Premier Romano Prodi's center-left coalition lost a confidence vote in the Chamber of Deputies Friday, and he went to the presidential palace to resign.", "summaries": ["Prodi lost by 1 vote; Scalfaro must decide -- new elections or new majority.", "Center-left coalition lost confidence vote in Italy's Chamber of Deputies", "Losing vote came from defecting member of Prodi's own party", "Premier Romano Prodi Tenders Resignation After Losing Confidence Vote"]} +{"id": "APW19981009.0525", "text": "By one vote, a defector from its own ranks, Premier Romano Prodi's center-left coalition, Italy's second-longest serving government since World War II, lost a confidence vote Friday in the Chamber of Deputies.", "summaries": ["Prodi loses, stays as caretaker; Scalfaro will decide what to do next.", "Italy's second-longest serving government lost confidence vote on Friday", "Prodi caretaker until president calls early elections or names another PM", "Italy's President Scalfaro Asks Premier Prodi to Remain as Caretaker"]} +{"id": "APW19981012.0281", "text": "Three days after the collapse of Premier Romano Prodi's center-left government, Italy's president began calling in political leaders Monday to try to reach a consensus on a new government.", "summaries": ["Scalfaro talks with political leaders; try for consensus on new government.", "Italy's president holding talks to reach consensus on new government", "Consensus on new gov't sought. Budget rejected for job stimulation lack.", "Italy's President Scalfaro Consulting Political Leaders on New Government"]} +{"id": "NYT19981004.0064", "text": "It is autumn in Italy, the birds are going south, and so it seems could the Italian government, as the bonds of compromise and political opportunism that bind a small leftist party to the government came undone Sunday.", "summaries": ["Communist Refounding Party rejects 1999 budget; Prodi's coalition at risk.", "Italy's government will destabilize if leftist party rejects 1999 budget", "Italy's communists reject budget. Government, euro participation threatened", "Communist Refounding Party Votes to Reject Prime Minister Prodi's Budget"]} +{"id": "NYT19981005.0306", "text": "Italian politics have long been enlivened by baroque feuds and shifting alliances.", "summaries": ["Prodi goes to Scalfaro for help; budget needed for Jan. 1 switch to euro.", "Italy's Communist Refounding Party leader resigns to avoid political crisis", "Italian PM Prodi resigns in protest of budget rejection", "Cossuta, Refounding Chairman, Resigns in Protest Over Budget Decision"]} +{"id": "NYT19981009.0371", "text": "By only one vote, the center-left prime minister of Italy, Romano Prodi, lost a confidence vote in Parliament Friday and was toppled from power.", "summaries": ["Prodi loses confidence vote; will stay as caretaker until new government.", "Italian Premier loses confidence vote and falls from power", "Confidence vote lost by 1. Instability clouds NATO cooperation on Kosovo.", "Romano Prodi Loses Confidence Vote in Parliament, 313-312"]} +{"id": "APW19981016.0448", "text": "A truck blew up when it drove over a land mine in breakaway Chechnya on Friday, killing two people and injuring two others, a news agency said.", "summaries": ["3-5 people per week hurt by land mines in Chechnya; many victims children.", "Russian explosives left behind in Chechnya causing deaths and injuries", "Landmines kill 3 in Chechnya; normal occurrence after war for independence.", "Chechnya, land mine, children, truck, injuries, tractor driver was killed"]} +{"id": "APW19981208.0906", "text": "Chechen authorities found the decapitated heads of four kidnapped foreigners Tuesday along a highway near a remote village after a two-month search in the breakaway region in southern Russia.", "summaries": ["Heads of 4 kidnapped foreigners found in Chechnya; rescue attempt failed.", "Decapitated heads of four kidnapped foreigners found near Chechen village", "Heads of kidnapped, UK engineers, found on Chechen road; all investigating.", "Four Foreigners Kidnapped in Grozny -- Heads Founds Outside City"]} +{"id": "APW19981209.0688", "text": "The European Union Wednesday condemned the slaying of four foreign hostages in Chechnya and said it would raise the issue with Russia's foreign minister.", "summaries": ["EU condemns slaying of 4 hostages in Chechnya; were telephone engineers.", "European Union condemns slaying of four foreign hostages in Chechnya", "European Union condemns murders of 4 Chechen hostages; will talk to Russia.", "EU Official Condemns Killing of Four Foreign Hostages in Chechnya"]} +{"id": "APW19981209.1423", "text": "Chechen police were searching Wednesday for the bodies of four kidnapped foreigners who were beheaded during a botched attempt to free them.", "summaries": ["Bodies of 4 decapitated hostages still missing; 1 kidnapper arrested.", "Chechen police search for beheaded bodies of four kidnapped foreigners", "Chechnya: outrage at beheading of hostages in muffed rescue; body hunt on.", "Hostages Beheaded in Chechen Rescue Attempt -- Search for Bodies Underway"]} +{"id": "APW19981209.1425", "text": "Chechen police were searching Wednesday for the bodies of four kidnapped foreigners who were beheaded during a botched attempt to free them.", "summaries": ["Bodies of 4 decapitated hostages still missing; 1 kidnapper arrested.", "Chechen police search for beheaded bodies of four kidnapped foreigners", "Chechnya: outrage at beheading of hostages in muffed rescue; body hunt on.", "Nearby Russian Areas Close Roads to Chechnya After Heads Found Near Grozny"]} +{"id": "APW19981210.0940", "text": "One of four foreigners beheaded by kidnappers in Chechnya claimed in a videotape shown today that he and his fellow hostages were British spies.", "summaries": ["Chechen vice president has video of 1 hostage claiming they all were spies.", "Chechen tape shows beheaded foreigner earlier confessing he was a spy", "Chechnya implies murdered UK engineers were spying on Islamic extremists.", "Peter Kennedy, Granger Telecom, British secret service, spies, Chechnya"]} +{"id": "APW19981211.1223", "text": "Assailants have abducted Chechnya's top prosecutor, who was investigating the killings of four kidnapped foreigners, officials said Friday.", "summaries": ["Chechen prosecutor investigating the killing of 4 foreigners is abducted.", "Chechnya's prosecutor investigating kidnapped foreigners death is abducted", "Chechen prosecutor grabbed; investigating engineers' deaths; spy tale nixed", "Prosecutor, Tagirov, Atgeriyev, kidnapping four foreigners, Abitayev"]} +{"id": "APW19981212.0189", "text": "A French United Nations official kidnapped in southern Russia more than 10 months ago has been freed and was flown to Moscow Saturday, news reports reported.", "summaries": ["French UN official, hostage for 10 months, liberated on Chechnya border.", "UN official freed in North Ossetia after kidnapping ten months ago", "Kidnapped French UN official freed at Chechen border; 2 others also freed.", "French U.N. Official Kidnapped in Southern Russia Freed; Tagirov Released"]} +{"id": "APW19981212.0191", "text": "A French United Nations official kidnapped in southern Russia more than 10 months ago has been freed and was flown to Moscow Saturday, news reports reported.", "summaries": ["French UN official, hostage for 10 months, liberated on Chechnya border.", "UN official freed in North Ossetia after kidnapping ten months ago", "Kidnapped French UN official freed at Chechen border; 2 others also freed.", "French U.N. Official Kidnapped in Southern Russia Freed; Tagirov Released"]} +{"id": "APW19981212.0597", "text": "A French United Nations official who was kidnapped in southern Russia more than 10 months ago was set free Saturday and flown to U.N. headquarters in Geneva.", "summaries": ["UN official held hostage freed unharmed; 3 kidnappers killed in operation.", "UN official freed in North Ossetia after kidnapping ten months ago", "Russians rescue kidnapped UN official near Chechen border, flown to Geneva.", "French United Nations Official, Cochetel, Vladikavkaz, kidnappers, NTV"]} +{"id": "APW19981120.1199", "text": "A liberal lawmaker who planned to run for president in Russia's next elections was killed Friday in St. Petersburg, a news report said.", "summaries": ["Galina Starovoitova, liberal Russian lawmaker killed in St. Petersburg Fri.", "Russian lawmaker, presidential aspirant, Galina Starovoitova assassinated", "Liberal, Russian lawmaker and presidential candidate dead in St Petersburg.", "Starovoitova, liberal lawmaker, run for president, Russia, killed"]} +{"id": "APW19981120.1224", "text": "A liberal lawmaker who planned to run for president in Russia's next elections was killed Friday in St. Petersburg, a news report said.", "summaries": ["Starovoitova, was to run for president, killed; aide seriously wounded.", "4 prominent St. Petersburg financial, political figures attacked recently", "Liberal, Russian presidential hopeful killed; doctor, mother; aide injured.", "Starovoitova, attacks, prominent figures in St. Petersburg, Linkov"]} +{"id": "APW19981120.1237", "text": "A liberal lawmaker who planned to run for president in Russia's next elections was shot to death Friday in St. Petersburg, police said.", "summaries": ["Lawmaker gunned down; was member Russia's parliament, aide to Yeltsin.", "Russian liberal presidential aspirant murdered, others attacked recently", "Liberal, Russian presidential hopeful killed; doctor, mother; aide injured.", "Starovoitova, St. Petersburg, Linkov, liberal lawmaker, president, shot"]} +{"id": "APW19981120.1239", "text": "A liberal lawmaker who planned to run for president in Russia's next elections was shot to death Friday in St. Petersburg, police said.", "summaries": ["Lawmaker gunned down; was member Russia's parliament, aide to Yeltsin.", "Russian liberal presidential aspirant murdered, others attacked recently", "Liberal, Russian presidential hopeful killed; doctor, mother; aide injured.", "Starovoitova, St. Petersburg, Linkov, liberal lawmaker, president, shot"]} +{"id": "APW19981121.0482", "text": "Hundreds of people gathered Saturday to mourn the shooting death of one of Russia's most prominent women, a potential presidential candidate whose killing was widely considered to be politically motivated.", "summaries": ["100's mourn Democratic Choice party leader; Yeltsin to run investigation.", "Starovoitova outspoken, had enemies. Murder was political. Mourned by 100s.", "Dead Russian lawmaker had \"too many enemies\"; Yeltsin leading investigation", "Starovoitova, Yeltsin, Chubais, Putin, political murder, St. Petersburg"]} +{"id": "APW19981122.0610", "text": "In modern Russia, the crime was so common as to be mundane.", "summaries": ["Starovoitova's killing may be watershed event; police have some evidence.", "Outrage at killing. 100s of others. Yeltsin overseeing investigation.", "Russians outraged at death of leader; common contract hit? finger-pointing.", "Galina Starovoitova's Murder May Be A Watershed Event in Russian Politics"]} +{"id": "APW19981123.0274", "text": "A badly wounded aide to a murdered lawmaker regained consciousness Monday and was talking to police, who later arrested several suspects in raids around the city, officials said.", "summaries": ["Aide conscious, talking to police; several suspects arrested in raids.", "1996 presidential bid barred on technicalities. Aide conscious. Arrests.", "Russian police grab suspects in murder; her allies blame Red foes in Duma.", "Linkov, raids, rounded up several suspects, Zyuganov, Starovoitova"]} +{"id": "APW19981124.0233", "text": "A slain Russian lawmaker was honored Tuesday as a martyr to democratic ideals in a stately funeral service in which anger mingled freely with tears.", "summaries": ["Starovoitova honored as martyr; to be buried alongside Russian heroes.", "Starovoitova buried among national heroes. No leads on killing.", "Russian lawmaker buried beside greats; mourned as martyr; killers unknown.", "Ordinary Citizens and Top Russian Politicos Attend Starovoitova's Funeral"]} +{"id": "NYT19981122.0110", "text": "Mourners bearing flowers and candles gathered Sunday outside the house on Griboyedova Canal where a Russian legislator, Galina Staravoitova, was shot to death on Friday night.", "summaries": ["2 attackers kill Starovoitova; 1st woman in politics killed since Stalin.", "Staravoitova founder of Russia's democratic movement. Press aide also shot.", "Two killed Russian lawmaker; fled, leaving guns; motive unclear; aide alive", "Russian legislator, shot, key witness Ruslan Linkov, woman in politics"]} +{"id": "NYT19981122.0194", "text": "The New York Times said in an editorial on Monday, Nov. 23: The Russian reform movement has produced few leaders with an uncompromising dedication to democracy.", "summaries": ["Starovoitova spoke against extremism, anti-Semitism, financial corruption.", "Signs of contract killing. Russian political violence rarely prosecuted.", "Editorial: Slain Russian lawmaker, terrible loss; against crime, extremism.", "NY Times Editorial Praises Murdered Russian Legislator, Starovoitova"]} +{"id": "APW19981008.0841", "text": "Torturers and bombers who carried out atrocities defending or fighting apartheid need counseling to ensure they do not repeat their crimes, an expert for South Africa's reconciliation body said Thursday.", "summaries": ["Apartheid expert says torturers and bombers will need counseling", "Amnesty, counseling suggested for atrocity perpetrators in South Africa", "South African expert urges counseling for apartheid killers and torturers", "South Africa: Counseling needed for both sides in long apartheid struggle."]} +{"id": "APW19981026.0485", "text": "A panel probing apartheid-era abuses has accused the African National Congress of human rights violations, including torture and bomb attacks, the state broadcaster said Monday.", "summaries": ["African National Congress accused of human rights violations", "African National Congress accused of abuses in apartheid era", "Panel accuses African National Congress (ANC) of human rights violations", "South African commission blames black ANC for atrocities and white rulers."]} +{"id": "APW19981026.0787", "text": "The institution exploring apartheid's horrors will issue a report that finds the African National Congress shares blame for human rights violations as it struggled to overcome white rule.", "summaries": ["ANC guilty of human of human rights violations in struggle to end apartheid", "ANC shares blame for human rights violations in anti-apartheid struggle", "Reports show ANC shares blame for apartheid human rights violations", "South African commission: apartheid-era atrocities not by just white powers"]} +{"id": "APW19981028.0231", "text": "A panel investigating apartheid-era atrocities said Wednesday it will not implicate the last apartheid president, F.W.", "summaries": ["De Klerk threatens to sue, will not be accused of human rights violations", "Desmond Tutu to omit de Klerk=B9s name from Commission report to avoid suit", "Investigators will not implicate President de Klerk in human rights abuses", "To avoid delaying report, South African commission excises de Klerk's name."]} +{"id": "APW19981031.0742", "text": "President Nelson Mandela acknowledged Saturday the African National Congress violated human rights during apartheid, setting him at odds with his deputy president over a report that has divided much of South Africa.", "summaries": ["Mandela acknowledges human rights violations by African National Congress", "President Nelson Mandela concedes ANC rights violations in apartheid era", "Mandela acknowledges ANC violated human rights during apartheid", "Mandela agrees ANC violated rights; divisiveness surrounds apartheid report"]} +{"id": "APW19981109.0767", "text": "Criminal prosecutions for atrocities committed during the war against white rule could drag on for at least six years, a top prosecutor said Monday.", "summaries": ["Those accused of human rights violations could be brought to trial", "Prosecutions of accused rights violators could drag on for six years", "Criminal cases will be brought against South Africans accused of violations", "Prosecuting unrepented, apartheid criminals may take 6 years; should they?"]} +{"id": "NYT19981028.0331", "text": "Facing a court challenge, the Truth and Reconciliation Commission said Wednesday that it would withhold, at least temporarily, the parts of its final report that implicate South Africa's last apartheid-era president, F.W.", "summaries": ["Commission to withhold report implicating De Klerk in rights violations", "Commission will withhold de Klerk=B9s name to avoid delay in report release", "Commission to withhold parts of report implicating de Klerk in illegal acts", "De Klerk removed as release of report on apartheid-era atrocities nears."]} +{"id": "NYT19981029.0366", "text": "Following are excerpts from the final report issued by South Africa's Truth and Reconciliation Commission on Thursday: PRIMARY FINDING On the basis of the evidence available to it, the primary finding of the Commission is that: The predominant portion of gross violations of human rights was committed by the former state through its security and law-enforcement agencies.", "summaries": ["Most human-rights violations carried out by former South African state", "Most rights violations by state; ANC, IFP, Winnie Mandela also cited", "South African panel finds the State committed most human rights violations", "Horrors of apartheid: white government prime responsibility; blacks share."]} +{"id": "NYT19981031.0150", "text": "The New York Times said in an editorial on Sunday, Nov. 1: The 3,500-page report of the South African Truth and Reconciliation Commission, released on Thursday, is the most comprehensive and unsparing examination of a nation's ugly past that any such commission has yet produced.", "summaries": ["Commission report offers unique look into South Africa's violent past", "Editorial praises Commission report but omission of de Klerk is major flaw", "NY Times: South African Truth report is most unsparing ever of such reports", "Editorial says South African report tells brutal truth; hurts many but aids"]} +{"id": "NYT19981107.0056", "text": "The deal that South Africa's Truth and Reconciliation Commission offered was simple enough: Confess your crimes, apply for amnesty and you will go free.", "summaries": ["New calls for amnesty in wake of Reconciliation Commission report", "Commission offers amnesty for confession, otherwise prosecution", "South Africans may favor amnesty to forego politically divisive trials", "South African Report out; justice or more amnesties, forgive, go forward?"]} +{"id": "NYT19981009.0436", "text": "At first, the passing bicyclist thought the crumpled form lashed to a ranch fence was a scarecrow.", "summaries": ["Two arrested, charged with attempted murder of openly gay student", "Dying gay college student found lashed to fence; four arrests made", "Two accused of attempted murder of homosexual Wyoming university student", "Matthew Shepard, homosexual, hate crime, scarecrow, McKinney, Henderson"]} +{"id": "NYT19981009.0470", "text": "At first, the passing bicyclist thought the crumpled form lashed to a ranch fence was a scarecrow.", "summaries": ["Two arrested, charged with attempted murder of openly gay student", "Dying gay college student found lashed to fence; four arrests made", "Two accused of attempted murder of homosexual Wyoming university student", "Matthew Shepard, homosexual, hate crime, scarecrow, McKinney, Henderson"]} +{"id": "NYT19981011.0203", "text": "As a gay college student lay hospitalized in critical condition after a severe beating here, this small city, which bills itself as ``Wyoming's hometown,'' wrestled with its attitudes towards gay men.", "summaries": ["Hundreds march in homecoming parade in support of beaten gay student", "Outpouring of support for gay college student in critical condition", "Hundreds in Laramie, WY demonstrate support of brutally-beaten gay student", "Clinton, Shepherd, Equality State, hostility toward gay men and lesbians"]} +{"id": "NYT19981012.0357", "text": "Matthew Shepard, the gay college student who was kidnapped and severely beaten, died here Monday, five days after he was found unconscious on a Wyoming ranch where he had been left tied to a fence for 18 hours in near-freezing temperatures.", "summaries": ["Beating death of gay student sparks call for federal hate-crimes laws", "Death of Mathew Shepard brings call for hate-crimes legislation", "Death of beaten gay college student fanned nationwide outrage and vigils", "Hate Crimes Protection Act, Wyoming, Gringer, Matthew Shepard, homosexual"]} +{"id": "NYT19981012.0359", "text": "Matthew Shepard, the gay college student who was kidnapped and severely beaten, died here Monday, five days after he was found unconscious on a Wyoming ranch where he had been left tied to a fence for 18 hours in near-freezing temperatures.", "summaries": ["Beating death of gay student sparks call for federal hate-crimes laws", "Pair charged with murder after Shepard dies; police say robbery motive", "Death of gay student producing nationwide call for Federal hate-crimes law", "Shepard, hate-crime legislation, McKinney, Anderson, death penalty, Birch"]} +{"id": "NYT19981013.0277", "text": "On the same day Americans learned last week that Matthew Shepard, a 5-foot-2, 105-pound gay college student, had been tortured, strung up like an animal and left to die on a fence outside Laramie, Wyo., the Family Research Council was co-hosting a press conference in Washington.", "summaries": ["Ad campaign by religious right seen as demonizing gays for political gain", "Family Research Council demonizes gays on day of Mathew Shepard's death", "Religious right group was demonizing gays on same day gay student beaten", "Family Research Council, Republican, gay, scapegoated as a subhuman"]} +{"id": "NYT19981013.0349", "text": "Last Saturday morning, while Matthew Shepard lay comatose from a beating, a college homecoming parade passed a few blocks from his hospital bed in Fort Collins.", "summaries": ["Anti-gay float in homecoming parade results in suspension of seven students", "Nation reacts to anti-gay sentiment after Shepard's beating and death", "Study shows hostility toward gays flourishes in schools and universities", "Scarecrow, Pi Kappa Alpha, Matthew Shepard, campus homophobia, anti-hate"]} +{"id": "NYT19981016.0233", "text": "Matthew Wayne Shepard, the gay student who was beaten in the dead of night, tied to a fence and left to die alone, was mourned at his funeral Friday by 1,000 people, including many who had never met him.", "summaries": ["Matthew Shepard eulogized as one who wanted to make people's lives better", "Thousands mourn Shepard; House resolution calls killing outrageous", "Gay student mourned by thousands at his funeral and nation-wide on Friday", "Gephart, Shepard, anti-homosexual, Kitch, funeral, Casper, Kreifels"]} +{"id": "NYT19981016.0257", "text": "Matthew Wayne Shepard, the gay student who was beaten in the dead of night, tied to a fence and left to die alone, was mourned at his funeral Friday by 1,000 people, including many who had never met him.", "summaries": ["Matthew Shepard eulogized as one who wanted to make people's lives better", "Thousands mourn Shepard; House resolution calls killing outrageous", "Gay student mourned by thousands at his funeral and nation-wide on Friday", "Gephart, Shepard, anti-homosexual, Kitch, funeral, Casper, Kreifels"]} +{"id": "NYT19981016.0342", "text": "Matthew Wayne Shepard, the gay student who was beaten in the dead of night, tied to a fence and left to die alone, was mourned at his funeral Friday by 1,000 people, including many who had never met him.", "summaries": ["Matthew Shepard eulogized as one who wanted to make people's lives better", "Thousands mourn Shepard; House resolution calls killing outrageous", "Gay student mourned by thousands at his funeral and nationwide on Friday", "Gephart, Shepard, anti-homosexual, Kitch, funeral, Casper, Kreifels"]} +{"id": "APW19981111.0309", "text": "ANKARA, Turkey (AP) - Prime Minister Mesut Yilmaz on Wednesday faced intense pressure to step down after allegations that he interfered in a privatization contract and helped a businessman linked to a mobster secure loans.", "summaries": ["Yilmaz pressed to quit; said to interfere in contract, help mob-linked man.", "Prime Minister Yilmaz urged to quit following allegations of impropriety", "Turkish PM Yilmaz pressured to resign due to mob ties, privatization deal", "Turkish prime minister pressed to resign; linked to shady business and mob."]} +{"id": "APW19981111.1240", "text": "Opposition parties lodged no-confidence motions Wednesday against Prime Minister Mesut Yilmaz after allegations he interfered in the privatization of a bank and helped a businessman linked to a mobster.", "summaries": ["No-confidence motions lodged against Prime Minister Yilmaz; urged to quit.", "Yilmaz urged to resign, cows to stay and continue fight against crime", "No confidence vote against Yilmaz, who claims he's victim of conspiracy", "Turkish prime minister losing small party backing; may fall; denies charges"]} +{"id": "APW19981119.0529", "text": "Parliament convened Thursday to vote on whether to move toward a no-confidence motion that could bring down the government over an organized crime scandal.", "summaries": ["Turkish Parliament will hold no-confidence vote Wed.; Yilmaz denies charges", "Parliament to vote on no-confidence motion against Turkish Prime Minister", "State bank privatization tampering claimed. Slim chance of gov't survival.", "Fate of current Turkish government to be decided next week; looks doomed."]} +{"id": "APW19981202.0880", "text": "Bulent Ecevit, who was asked to form a new government Wednesday, is a former prime minister best remembered for ordering an invasion of Cyprus in 1974 that made him an overnight hero at home.", "summaries": ["Ecevit asked to form new government; former prime minister invaded Cyprus.", "Former Prime Minister Ecevit asked to form new government", "Bulent Ecevit, honest, former PM, current deputy PM, to form new gov't.", "Ecevit asked to form Turkish govt; long and varied career; Cyprus, Kurds."]} +{"id": "APW19981203.0322", "text": "Premier-designate Bulent Ecevit said Thursday he would persist in the difficult task of convincing a key party leader to join forces in a secular coalition.", "summaries": ["Ecevit tries to win support of Ciller, needed to form secular coalition.", "Ecevit seeks support of center-right party in effort to form new government", "Secular parties trying to exclude Virtue. Ecevit has Yilmaz, luring Ciller", "Ecevit fights to form coalition, secular, government and please military."]} +{"id": "APW19981209.0696", "text": "The chances for a new, strictly secular government in Turkey faded Wednesday when a potential coalition partner insisted on giving the Islamic party a share of power.", "summaries": ["Ecevit fails to form a secular government; Ciller refuses support.", "Center-right party refuses Ecevit support unless Islamic Party included", "Ciller demands Islamic Virtue inclusion or else won't join Ecevit gov't.", "Chance for new, secular, Turkish government fades; what will Ecevit do now?"]} +{"id": "APW19981219.0504", "text": "After failing to bring together political rivals in a coalition, Premier-designate Bulent Ecevit announced Saturday that he was returning his mandate to the Turkish president.", "summaries": ["Ecevit fails; Turkish president to ask another or wait to appoint cabinet.", "Ecevit, unable to form coalition government, will return mandate", "Ecevit returns gov't forming job to president rather than include Virtue", "Ecevit quits; Turkish president now must ask someone else or name caretaker"]} +{"id": "APW19981221.1044", "text": "President Suleyman Demirel appeared likely to turn to some widely trusted lawmaker to form Turkey's next government, after a veteran politician abandoned efforts Monday to persuade bickering political leaders to support him in a pro-secular coalition.", "summaries": ["President's next premier-designate likely to be widely trusted lawmaker.", "President Demirel seeking new candidate to form new government", "Ecevit fails 3-wk try to form majority. Long left-right split in parliament", "Speaker of Turkish parliament likely to form government; Islamic party out."]} +{"id": "APW19981228.0740", "text": "Turkey's latest premier-designate got the backing of two key secular parties Monday in his efforts to form a broad-based, coalition government, on condition that his government stick to Turkey's secular principles.", "summaries": ["Premier-designate Erez got backing of 2 key secular parties for coalition.", "Virtue Party withholding support for Yalim Erez, seeking cabinet seats", "Erez wins 2 key secular parties, will talk with Ciller, run country til Apr", "New Turkish interim, coalition, government near; secular but Islamic seats."]} +{"id": "NYT19981202.0315", "text": "A week after the Turkish government fell in a corruption scandal, President Suleyman Demirel on Wednesday asked a veteran left-wing politician known for his personal honesty, Bulent Ecevit, to form a new government.", "summaries": ["Ecevit, known for personal honesty, begins work to form new government.", "Bulent Ecevit asked to form new government following ouster of Msut Yilmaz", "Ecevit tries to form majority govt with Yilmaz, Ciller parties but not them", "Ecevit-career politician; intellectual; social democrat: Turkish military."]} +{"id": "APW19981109.0728", "text": "While veterans and civic leaders devote Wednesday's national holiday to honoring fallen soldiers, Remembrance Day has become a chilling vigil for Canadians in the front lines of the abortion-rights movement.", "summaries": ["Canadians fear Remembrance Day may bring anti-abortion rights violence", "Canadian abortion-rights movement fears anti-abortion gunman at large", "Anti-abortion violence feared in Canada as Remembrance Day nears; fewer MDs", "Canada, Remembrance Day, sniper, abortion, training, RU-486, pro-choice"]} +{"id": "NYT19981102.0465", "text": "The slaying of Dr. Barnett Slepian in his home last week eliminated the mainstay of the only abortion clinic here, but it has not eliminated women's access to abortion.", "summaries": ["Slaying of Dr. Slepian, abortion clinic mainstay, will not stop abortions", "Murder of Dr. Slepian will not eliminate women's access to abortion", "Number of abortions and providers decline; politics, fear; easy for rich", "Guttmacher, medical training, RU-486, availability of abortions, Slepian"]} +{"id": "NYT19981104.0619", "text": "James Kopp, the man the FBI is seeking as a material witness in the sniper slaying of Dr. Barnett Slepian, is known to abortion rights leaders as an aggressive anti-abortion protester, and law enforcement officials say he has been arrested several times in demonstrations at abortion clinics.", "summaries": ["FBI seeking to question James Kopp in connection with Dr. Slepian slaying", "FBI seeks anti-abortion activist as material witness in Slepin murder", "FBI wants to question Kopp, itinerant abortion protestor, on Slepian death.", "Kopp, abortion, Operation Rescue, Army of God, Atomic Dog, Kenny, Slepian"]} +{"id": "NYT19981104.0623", "text": "Federal authorities investigating the murder of a Buffalo-area obstetrician who performed abortions have identified a Vermont man as a material witness to the sniper attack last month and issued a warrant for his arrest Wednesday to bring him in for questioning.", "summaries": ["James Kopp named as material witness in slaying of abortion doctor", "FBI names James Kopp as material witness in abortion doctor's slaying", "FBI wants Kopp; information on abortion doctor's murder; danger of violence", "Anti-Abortionist James Kopp Wanted As Material Witness in Slepian Killing"]} +{"id": "NYT19981105.0521", "text": "In July 1988, when Randall Terry drove through the night from his home in Binghamton, N.Y., to Atlanta to start the series of anti-abortion protests that would finally put his new hard-line group, Operation Rescue, onto America's front pages, James Charles Kopp was in the van riding alongside him, according to former leaders of Operation Rescue who spoke on the condition of anonymity.", "summaries": ["Federal authorities looking into conspiracy allegations in clinic slaying", "James Kopp sought by FBI in Slepin murder belonged to Operation Rescue", "Kopp may have info on sniper slayings of 5 abortion doctors; FBI wants him.", "Kopp, Operation Rescue, Reno, Terry, Atlanta, Slepian, Nov. 11, Buffalo"]} +{"id": "NYT19981106.0565", "text": "Rosina Lotempio was standing outside abortion clinics here before Operation Rescue stormed into town in 1992 for the rowdy Spring of Life rallies, in which hundreds were arrested.", "summaries": ["Cadre of faithful keep vigil outside Buffalo's abortion clinic", "Non-violent abortion protestor is a regular presence at Buffalo clinic", "Not all abortion protestors violent; some avoid militancy; use prayer, talk", "Lotempio, Womenservices, Spring of Life, Operation Rescue, Buffalo, clinic"]} +{"id": "NYT19981110.0442", "text": "On the eve of a holiday that has been linked to antiabortion violence, the authorities on Tuesday were investigating whether a picture of an aborted fetus sent to a Canadian newspaper was connected to last month's fatal shooting of a Buffalo, N.Y. doctor who provided abortions or four similar attacks in western New York and Canada since 1994.", "summaries": ["Anti-abortion flyer in Canada may be related to Buffalo clinic slaying", "Canada-US task force investigating five anti-abortion shootings", "Anti-abortion threats, some to newspapers; anthrax hoaxes; Kopp in Canada?", "Hamilton (Ontario) Spectator, abortion, Kopp, Slepian, anthrax, clinics"]} +{"id": "NYT19981112.0195", "text": "By outward appearances, Dorothy Hayes' life seems ordinary.", "summaries": ["Anti-abortion groups open homes to itinerant demonstrators", "Abortion opponents open homes to itinerant anti-abortion demonstrators", "Traveling anti-abortion protestors aided by locals; prayers or blockades.", "Hayes, Lambs of Christ, Weslin, Kopp, Quinn, Rochester, Catholic churches"]} +{"id": "NYT19981114.0057", "text": "In the aftermath of last month's deadly sniper attack on an obstetrician in upstate New York, Attorney General Janet Reno announced last week that she was setting up a new investigative unit to examine the possibility that the doctor was the victim of a broader anti-abortion plot.", "summaries": ["Attorney General to investigate slaying as part of an anti-abortion plot", "Reno names unit to determine if Slepian murder part of organized violence", "FBI task force: anti-abortion plot? terrorists or cause? 1994 no plot.", "FBI, National Clinic Violence Task Force, Slepian, abortion, Cointelpro"]} +{"id": "NYT19981114.0129", "text": "Everyone who knew Dr. Barnett Slepian knew that the slight, graying physician endured a measure of stress that would exhaust, even break, most people.", "summaries": ["Slain doctor supported women's right to abortion as a matter of principle", "Murdered abortion doctor a long time target of abortion protestors", "Slain abortion doctor; unlikely martyr; unassuming; stubborn; women's care.", "Slepian, Oct. 23, sniper, obstetrics, abortion, Schenck, Murray, clinic"]} +{"id": "APW19981030.0230", "text": "A fire turned a Swedish dance hall jammed with teen-age Halloween revelers into a deathtrap, killing at least 60 people and injuring about 180.", "summaries": ["Deadliest Swedish fire ever kills 60 at teen-age Halloween dance", "Fire turns crowded Swedish dance hall into death trap, killing at least 60", "Fire kills 60 at dance hall in Goteborg, Sweden. Arson a possibility.", "Scores of teenagers killed in Goteborg, Sweden, dance hall fire; arson?"]} +{"id": "APW19981030.0470", "text": "A fire turned a dance hall jammed with teen-age Halloween revelers into a deathtrap, killing at least 60 people and injuring about 180 in Sweden's second-largest city.", "summaries": ["At least 60 killed at dancehall fire in Sweden's second largest city", "Some 60 teenage Halloween revelers killed by fire in Swedish dance hall", "Fire kills 60 at overcrowded Swedish dance hall. Victims mostly 13-18.", "Sixty teenagers, mostly immigrants, killed in Sweden's worst fire; 180 hurt"]} +{"id": "APW19981030.0489", "text": "A fire turned a Swedish dance hall jammed with teen-age Halloween revelers into a deathtrap, killing at least 60 people and injuring about 180.", "summaries": ["Fire at teenage Halloween dance in Sweden kills 60, injures 180", "Swedish dance hall fire chaotic -- most victims died from smoke inhalation", "Fire kills 60 mostly immigrant teenagers at overcrowded Swedish dance hall.", "Swedish dance hall a deathtrap; 400 in space for 150; most immigrant teens"]} +{"id": "APW19981030.0792", "text": "A fire turned a dance hall jammed with teen-age Halloween revelers into a deathtrap, killing 65 people and injuring 157 others in Sweden's second-largest city.", "summaries": ["Fire at teenage Halloween dance in Goteborg kills 65 and injures 157", "Fire in Goteberg, Sweden dance hall that killed 65 gutted entire building", "Fire kills 65 at Swedish dance hall, including 19 nationalities.", "Death toll is 65 in Swedish fire; choked to death; teens; 19 nationalities."]} +{"id": "APW19981030.1037", "text": "A fire turned a dance hall jammed with teen-age Halloween revelers into a deathtrap, killing 60 people and injuring 162 others in Sweden's second-largest city.", "summaries": ["Fire at teenage Halloween dance in Goteborg kills 65 and injures 157", "Goteberg police now report 60 killed in devastating teen dance hall fire", "Fire kills 60 at 2nd floor dance hall in Sweden. 1 exit blocked by fire.", "Swedish fire toll-60 dead, 162 injured; 400 teens, space for 150; one exit."]} +{"id": "APW19981030.1041", "text": "A fire turned a dance hall jammed with teen-age Halloween revelers into a deathtrap, killing 60 people and injuring 162 others in Sweden's second-largest city.", "summaries": ["Death toll at Halloween dance reduced from 65 to 60 in dancehall fire", "Swedish police say 60, not 65, Halloween revelers killed in dance hall fire", "Fire kills 60 at Swedish dance hall", "Swedish dance hall fire kills 60 not 65 teen-age Halloween revelers."]} +{"id": "APW19981030.1046", "text": "A fire turned a Swedish dance hall jammed with teen-age Halloween revelers into a deathtrap, killing 60 people and injuring 155.", "summaries": ["Cause of fire at Swedish dance hall which killed 60 remains unknown", "Cause of Swedish dance hall fire killing 60 and injuring 155 undetermined", "Fast-spreading fire kills 60 at Swedish dance hall", "Deadliest Swedish fire kills 60, injures 155, teenagers; cause unknown."]} +{"id": "APW19981030.1066", "text": "Hundreds of teen-agers jammed into an upstairs hall planning to dance the night away, but by the time the sun rose Friday they were dead, clinging to life in hospitals or weeping in disbelief at a fire that killed 67 of them.", "summaries": ["Fire in overcrowded Swedish dancehall kills 67 and injures 173, 20 severely", "Over 400 teenagers jammed into Swedish dance hall with capacity for 150", "67 dead after disco fire in 2-story brick bldg rented to party arrangers.", "67 dead (only 14 ID'd), 173 hurt in Swedish fire; aid slow; grief; sympathy"]} +{"id": "APW19981031.0314", "text": "A panicky telephone call in poor Swedish was the first word that authorities got of a fire racing through a dance hall crowded with immigrant teen-agers, delaying fire squads' response to the blaze that killed 60 and injured 162, officials said Saturday.", "summaries": ["Emergency services to burning dancehall delayed by language difficulties", "Phone call in poor Swedish delayed fire squads' response to dance hall fire", "Alarm call in poor Swedish hard to understand. Explosive fire.", "Response to Swedish fire slowed by accent; cause unknown; memorial growing"]} +{"id": "APW19981031.0551", "text": "Forensic experts examining heavily burned bodies were able Saturday to identify more of the 60 young people who died in a dance hall fire, but the catastrophe's most tormenting question was still unanswered.", "summaries": ["As identification of victims begins, experts seek cause of dancehall fire", "Swedish experts identify dance hall victims but cause of fire still unknown", "Firetrucks came 6 minutes after call. Fire reached 600C, cause undetermined", "40 ID'd of 60 dead in Swedish fire; accent, din delayed help; cause unknown"]} +{"id": "NYT19981010.0022", "text": "A strong sign that this city is going bonkers for the Padres came Friday morning when 680 fans agreed to shave their heads for a radio promotion raffle in return for a 1-in-680 chance at skybox tickets for post-season play.", "summaries": ["Fans bonkers for Padres, 650 have heads shaved in radio promotion raffle", "Excited fans shave their heads for Padres play-off series ticket raffle", "San Diego fans, wide demographic mix, excited about Padres in World Series.", "World Series, Qualcomm Stadium, bald Padres, 10 barbers, diversified"]} +{"id": "NYT19981014.0038", "text": "The moment of truth for Chuck Knoblauch came in the bottom of the first inning when his name was announced at Yankee Stadium for the first time since he neglected to chase down that memorable loose ball last Wednesday.", "summaries": ["Yankee's Knoblauch receives ovation despite errors in previous games", "Fans forgive Knoblauch for error after Yankees take American League title", "Yankee fans forgive Knoblauch error after American League Championship win", "Knoblauch, boos, Yankees, World Series, ALCS, Fryman, Game 2, Indians"]} +{"id": "NYT19981016.0291", "text": "Hours after Darryl Strawberry was released from Columbia Presbyterian Medical Center Friday, he spoke happily about being able to play with his two young children, joked about eating a small amount of chicken and potatoes and sounded relieved to be at home in Fort Lee, N.J., instead of in a hospital.", "summaries": ["Darryl Strawberry, recovering from colon cancer surgery, passes on Series", "Darryl Strawberry released from hospital after successful cancer surgery", "After cancer surgery Darryl Strawberry to watch teammates in World Series", "Strawberry, cancer, outfielder, World Series, chemotherapy, number 39"]} +{"id": "NYT19981017.0014", "text": "The New York Times said in an editorial on Saturday, Oct. 17: It is fitting that this most memorable of baseball seasons should conclude with a World Series that opens Saturday night in Yankee Stadium, the aging but still grand cathedral of the sport.", "summaries": ["World Series to open in Yankee Stadium and the Yankees take on the Padres", "Poor playoff performance has Yankee fans worried about World Series", "Yankees open Series in home stadium. Set AL record for season games won.", "Yankee Stadium, World Series, Padres, Brown, Ashby, Wells, Martinez"]} +{"id": "NYT19981017.0027", "text": "YANKEES Pitching The starting pitching enabled the Yankees to advance past Cleveland in the American League Championship Series.", "summaries": ["Yankees set pitching staff lineup for first three games of World Series", "Pitching and defense may give Yankees edge against Padres in Series", "Assessment of Yankees' pitching, baserunning, Padres' hitting; pitch advice", "YANKEES, Pitching, Defense, PADRES, Hitting, Offense, ALCS, Indians"]} +{"id": "NYT19981017.0047", "text": "The last time they were seen on the field at Yankee Stadium, they were inadvertently influencing the outcome of the game that sent the Cleveland Indians home and the Yankees to the World Series.", "summaries": ["Umpires who sent Yankees to World Series in playoffs will not umpire Series", "Umpires for World Series are first rate but past shows they are fallible", "Umpires imperfect, can get in way of game, make wrong decisions.", "Umpire, League playoffs, World Series, Indians, Hargrove, Brinkman, Hendry"]} +{"id": "NYT19981017.0052", "text": "As Bernie Williams starts what could be his final series with the Yankees in Game 1 of the World Series at Yankee Stadium Saturday night, he wants to do it with a free mind.", "summaries": ["Center fielder Bernie Williams future with the Yankees uncertain", "Yankees may be outbid by teams seeking their record-breaker Bernie Williams", "Yankee Bernie Williams, AL batting title winner, considering leaving team", "Williams, American League batting title, $12 million a year, free agency"]} +{"id": "NYT19981017.0093", "text": "Talk about high expectations.", "summaries": ["Owner Joe Torre and family have high expectations for Yankees in Series", "Yankees' excellence compels supporters to expect victory in World Series", "Post-season gains importance with 2-layered play-offs, league championships", "Torre, World Series, three-tiered playoff season, football, Padres"]} +{"id": "NYT19981017.0132", "text": "A new shipment of bats arrived for Tino Martinez on Friday, and he massaged the handles to make sure they were thin enough, knocked on the barrels and listened for a certain sound and swung them slowly again and again.", "summaries": ["Martinez jokes about bats being from World Series trees as game 1 nears", "Despite batting slump, Yankees stay with Martinez against Padres in Series", "Tino Martinez, Yankee power hitter, has special bats made after bad season", "Martinez, Yankees, Padres, 5 for 30, 10 strikeouts, drought in post-season"]} +{"id": "NYT19981018.0014", "text": "Chuck Knoblauch and Tino Martinez were as popular as squeegee men a week ago, the speculation rampant that one or the other or both might be exiled if the Yankees' historic year crumbled in the post-season.", "summaries": ["Knoblauch and Martinez home run hits cinch Yankee's First World Series game", "Knoblauch and Martinez power Yankees over Padres in World Series opener", "Knoblauch, Martinez redeem selves, give Yankees 9-6 win in 1st Series game", "Knoblauch, Martinez, three-run home run, World Series, grand slam, Game 1"]} +{"id": "NYT19981001.0442", "text": "House and Senate negotiators agreed Thursday to require most federal health plans to cover prescription contraceptives for women, giving an unusual victory on Capitol Hill to advocates of abortion rights.", "summaries": ["Agreement reached to provide prescription contraceptives to women", "Agreement on contraception coverage could scuttle spending bill", "Budget report okays insurance coverage of birth control; other bills stall.", "Thorny Federal Election Commission Provision Threatens Spending Bill"]} +{"id": "NYT19981001.0499", "text": "Voting mainly on party lines on a question that has become a touchstone in the debate over development and preservation of wilderness, the Senate on Thursday approved a gravel road through remote wildlife habitat in Alaska.", "summaries": ["Clinton likely to veto measure to build road across Alaska wildlife refuge", "Budget including road through Alaskan wildlife refuge risks Clinton veto", "Senate approves 30-mile road in Alaskan wilderness; precedent? veto likely.", "Alaskan Wilderness Road Provision May Be Attached to Spending Bill"]} +{"id": "NYT19981011.0194", "text": "Top-level budget negotiators for congressional Republicans and the White House concluded yet another bargaining session late Sunday afternoon with plans to resume talks on Monday morning and probably extend their midnight Monday deadline for another day or two.", "summaries": ["Congressional Republicans, Democrats work to resolve issues on budget", "Negotiators likely to extend 3rd deadline. Clinton pushes education funds.", "Education main topic budget talks; 7 bills needed; ideologies at forefront.", "Clinton, 100,000 teachers, Bowles, omnibus package, Miller, Armey, ideology"]} +{"id": "NYT19981013.0339", "text": "A sticking point for White House and congressional budget negotiators has been the issue of how the 2000 census will be conducted, and the White House is finding itself negotiating on the issue as much with House Democrats as it is with the House Republican leaders.", "summaries": ["Budget talks on 2000 census a sticking point for both sides of the House", "Statistical sampling in census sticking point in budget negotiations", "Statistical sampling in 2000 census snags budget bill; 6-month money an out", "2000 census, sampling, Supreme Court, half-year financing, Commerce, Bowles"]} +{"id": "NYT19981013.0341", "text": "Struggling to meet their fourth deadline over the federal budget, congressional Republicans and White House officials wrestled Tuesday with their differences over education, staging events to demonstrate support for what has become the most public and politically high-stakes element of the budget battle.", "summaries": ["Republicans, White House at odds on Education budget, budget delayed", "School aid, census, contraceptives biggest issues as 4th deadline nears", "Budget fights continue over education, 2000 census, contraceptive coverage.", "Fourth deadline, federal budget, 100,000 teachers, beltway bureaucrats"]} +{"id": "NYT19981013.0399", "text": "Struggling to meet their fourth deadline over the federal budget, congressional Republicans and White House officials wrestled Tuesday with their differences over education, the most politically high-stakes element of the budget battle.", "summaries": ["Republicans, White House at odds on Education budget, budget delayed", "Issues: Census type, contraceptive coverage, who determines school aid type", "Budget near; compromises; issues--education, 2000 census, emergency fund.", "Federal budget, 100,000 teachers, family planning, emergency spending"]} +{"id": "NYT19981013.0427", "text": "Struggling to meet their fourth deadline over the federal budget, congressional Republicans and White House officials wrestled Tuesday with their differences over education, the most politically high-stakes element of the budget battle.", "summaries": ["Republicans, White House at odds on Education budget, budget delayed", "Issues: Census type, contraceptive coverage, who determines school aid type", "Budget near; compromises; issues--education, 2000 census, emergency fund.", "Federal budget, 100,000 teachers, family planning, emergency spending"]} +{"id": "NYT19981016.0245", "text": "Some conservatives sounded notes of discord Friday over the federal spending agreement, but they also said they would probably vote for the $500 billion package because it boosted defense spending and provided aid to farmers.", "summaries": ["Despite some disputes, final budget approval only awaits drafting", "Broad budget outlines, 5th temporary funding extension agreed to", "Broad agreement on $1.7 trillion budget; conservatives least happy.", "Republican Congressional Leaders and President Reach Budget Agreement"]} +{"id": "NYT19981016.0293", "text": "For the first time in decades, Congress and the White House negotiated tax and spending legislation this year with the budget in surplus.", "summaries": ["Budget surplus prevents agreement on a final budget resolution", "Negotiations on using budget surplus, 1st in decades, produces chaos.", "Surplus budget done; politicians agree harder to do than deficit one.", "Federal Budget Negotiations Tougher in Good Times"]} +{"id": "NYT19981016.0312", "text": "Some conservatives sounded notes of discord Friday over the federal spending agreement, but they also said they would probably vote for the $500 billion package because it boosted defense spending and provided aid to farmers.", "summaries": ["Despite some disputes, final budget approval only awaits drafting", "Committees write budget after broad agreement. Disputes remain.", "Agreement on $1.7 trillion budget; shutdown avoided; few crumbs to right.", "Republican Congressional Leaders and President Reach Budget Agreement"]} +{"id": "APW19981001.0299", "text": "President Boris Yeltsin has suffered minor burns on his right hand, his press office said Thursday.", "summaries": ["Bandages on Boris Yeltsin's hand because of minor burns", "Bandages seen on President Yeltsin's hand were said to be due to burns", "President Boris Yeltsin has minor burns on right hand, cause unknown", "Russian President Yeltsin burns hand; wore bandages to awards ceremony."]} +{"id": "APW19981007.0563", "text": "President Boris Yeltsin's doctors have pronounced his health ``more or less normal,'' his wife Naina said in an interview published Wednesday.", "summaries": ["Doctors say Boris Yeltsin's health is \"more or less normal\"", "Noting concerns about his health, Yeltsin's wife said he was normal", "Drs. say Yeltsin health more or less normal. Heart attack, bypass in 1996.", "Mrs Yeltsin says husband's health normal; heart disease; check-ups; rumors."]} +{"id": "APW19981011.0535", "text": "President Boris Yeltsin, on his first trip out of Russia since this spring, canceled a welcoming ceremony in Uzbekistan on Sunday because he wasn't feeling well, his spokesman said.", "summaries": ["Yeltsin's canceling Uzbekistan ceremony raises concern about his health", "Yeltsin shows signs of illness on first trip out of Russia since spring", "Yeltsin health canceled 3 Uzbek ceremonies. Appears stiff and stumbled.", "Yeltsin travels to SSRs; met with presidents; cancel ceremonies; has cold."]} +{"id": "APW19981012.0522", "text": "Doctors ordered Russian President Boris Yeltsin to cut short his Central Asian trip because of a respiratory infection and he agreed to return home Monday, a day earlier than planned, officials said.", "summaries": ["Doctors order Yeltsin to curtail Asian trip and return home due to illness", "Respiratory illness forces Yeltsin to return home from Central Asia", "Yeltsin tracheobronchitis cuts Central Asian trip short. Antibiotics given.", "Yeltsin shortens Central Asian trip; Dr's orders; fever; on antibiotics."]} +{"id": "APW19981012.1126", "text": "Russian President Boris Yeltsin cut short a trip to Central Asia on Monday due to a respiratory infection that revived questions about his overall health and ability to lead Russia through a sustained economic crisis.", "summaries": ["Respiratory infection cuts short Yeltsin trip to Central Asia", "Yeltsin's illnesses prompting concerns about his ability to lead Russia", "Shortened trip revives questions about Yeltsin ability to lead Russia", "Yeltsin's health causes shortened trip; doubts on fitness; will keep sked."]} +{"id": "APW19981013.0282", "text": "President Boris Yeltsin stayed home Tuesday, nursing a respiratory infection that forced him to cut short a foreign trip and revived concerns about his ability to govern.", "summaries": ["Yeltsin's poor health raises question about his ability to govern", "Yeltsin's health a major issue as leaders begin to call for his resignation", "Yeltsin rambling, confused at state dinner. Mild fever. Needs bed rest.", "Yeltsin in bed; called cold, but rumors rampant; some want xfer of powers."]} +{"id": "APW19981014.0819", "text": "Weakened by a cold yet animated, President Boris Yeltsin defied doctors' orders and quashed rumors he is seriously ill by showing up unexpectedly at the Kremlin on Wednesday.", "summaries": ["Yeltsin defies doctors to go to Kremlin; but is politically weakened", "Yeltsin denies he is seriously ill but government is gradually taking over", "Yeltsin wan and tired, defies rest order. Resignation urged due to health.", "Yeltsin defies MDs and goes to work; says okay; lost power, favor; pitied."]} +{"id": "APW19981015.0170", "text": "Russia's Constitutional Court opened hearings Thursday on whether Boris Yeltsin can seek a third term.", "summaries": ["Russian court to decide if Yeltsin could seek a third term", "Yeltsin not seeking another term but opposition wants early resignation", "Yeltsin physically weaker, says he won't seek another term as president", "Russian court study of 3d Yeltsin term OBE; he's lost power; ill; won't run"]} +{"id": "APW19981015.0569", "text": "Russia's Constitutional Court opened hearings Thursday on whether Boris Yeltsin can seek a third term.", "summaries": ["Russian court to decide if Yeltsin could seek a third term", "Yeltsin not seeking another term but opposition wants early resignation", "Yeltsin physically weaker, says he won't seek another term as president", "Russian court's 2-week look at Yeltsin term OBE; lost power; ill; won't run"]} +{"id": "APW19981016.0209", "text": "Russian President Boris Yeltsin, who is still recuperating from his latest illness, has canceled a trip to an Asian summit next month, his office said Friday.", "summaries": ["Yeltsin cancels Asian summit trip; still plans to attend European summit", "Reports conflict over whether Yeltsin will attend two out-of-area summits", "Yeltsin still recuperating, sends PM Primakov to Asian Summit in his place", "Yeltsin cancels Asian trip; will go to Vienna; health rumors; able to work?"]} +{"id": "NYT19981007.0302", "text": "In the summer of 1995, a whiff of revolution was in the air in Silicon Valley.", "summaries": ["Microsoft, Netscape, Internet, antitrust, AOL, Spyglass, Windows, Gates", "Rivals seek to break Microsoft's monopoly on computer operating systems", "Microsoft uses clout to create monopolies, squelch internet competition", "Microsoft, Netscape, browser, America Online, Compaq, monopoly, Spyglass"]} +{"id": "NYT19981009.0282", "text": "A federal judge Friday pushed back the starting date of the antitrust trial against Microsoft Corp. by four days, to Oct. 19, while also ordering the company to comply with the Justice Department's request to examine Microsoft's financial records.", "summaries": ["Start of Microsoft antitrust trail delayed by last minute new evidence", "Microsoft faces Federal anti-trust trial and financial records examination", "Microsoft ordered to let records be examined, seeks delay as case broadens", "Apple and Sun Added to Microsoft Case; Trial Start Delayed 4 Days"]} +{"id": "NYT19981012.0400", "text": "Microsoft Corp. has said that material in an unpublished book by two business school professors will be a crucial part of its defense in the antitrust trial scheduled to begin next week.", "summaries": ["Microsoft browser vs Netscape central to basis for antitrust suit", "Unpublished book expected to be crucial to Microsoft anti-trust trial", "Material in unpublished book evidence for both sides in Microsoft case", "Cusumano, Yoffie Microsoft, browser, single integrated product, Netscape"]} +{"id": "NYT19981018.0065", "text": "The case of United States vs. Microsoft Corp., the government's most aggressive move against a monopolist in almost 25 years, is playing out against a century of antitrust laws so broadly worded and court rulings so ambiguous that both sides are citing the same rulings to support their opposing arguments.", "summaries": ["The Microsoft antitrust suit is the most aggressive in a quarter century", "U.S. vs Microsoft Corporation trial reveals ambiguity of anti-trust laws", "Anti-trust laws broadly worded, court rulings ambiguous. Little guidance.", "Windows, operating system, tying, Justice, browsers, software platform"]} +{"id": "NYT19981018.0079", "text": "The case of United States vs. Microsoft Corp., the government's most aggressive move against a monopolist in almost 25 years, is playing out against a century of antitrust laws so broadly worded and court rulings so ambiguous that both sides are citing the same rulings to support their opposing arguments.", "summaries": ["The Microsoft antitrust suit is the most aggressive in a quarter century", "U.S. vs Microsoft Corporation trial reveals ambiguity of anti-trust law", "Anti-trust laws broadly worded, court rulings ambiguous. Little guidance.", "Windows, operating system, tying, Justice, browsers, software platform"]} +{"id": "NYT19981018.0084", "text": "The legal tool that the government is using in its assault on Microsoft Corp. _ the Sherman Antitrust Act of 1890 _ is brief, vague and malleable.", "summaries": ["Sherman Antitrust Act is basis for government case against Microsoft", "Government's Sherman Anti-Trust Act of 1890 is brief, vague, malleable tool", "1890 Sherman Anti-Trust Act backlash against robber barons, Standard Oil", "Sherman Act, Standard Oil, Rockefeller, Roosevelt, Gates, trusts, monopoly"]} +{"id": "NYT19981018.0089", "text": "The government's antitrust scrutiny of Microsoft, the world's largest independent software company, has spanned Republican and Democratic administrations and involved hundreds of government lawyers and investigators.", "summaries": ["Microsoft-IBM collaboration seen as start for building antitrust case", "Government's pursuit of Microsoft Corp. is extensive but not consistent", "Microsoft case outgrowth of investigations and complaints since 1989", "IBM, OS/2, Windows, Norris Washington, FTC, antitrust, Microsoft, Clinton"]} +{"id": "NYT19981018.0091", "text": "Shortly before the government filed its antitrust suit against Microsoft Corp. in May, Joel Klein, the assistant attorney general in charge of the Justice Department's antitrust division, met with a Silicon Valley executive.", "summaries": ["Microsoft-Netscape browser fight is heart of antitrust case", "Anti-trust suit against Microsoft Corp. extends beyond Netscape issue only", "Netscape center of case that includes Intel, IBM, Sun, Apple, AOL, Intuit", "Netscape, Intel, antitrust suit, browser, bundled, Apple, Real Networks"]} +{"id": "NYT19981018.0093", "text": "Following is the text of the first two sections of the Sherman Act, as passed by Congress in 1890.", "summaries": ["Sherman Antitrust act as basis for civil suit against Microsoft", "Sherman Act invoked for civil suit to change Microsoft's business practices", "Government files civil suit to change Microsoft's business practices", "Sherman Act, 1890, Section 1, restraint of trade, Section 2, monopolize"]} +{"id": "NYT19981024.0043", "text": "Will it matter to consumers that Bill Gates isn't a nice guy?", "summaries": ["Prosecution paints dark portrait of Bill Gates in antitrust trial", "Federal Anti-trust suit paints dark image of Microsoft Chairman Bill Gates", "Gates image: vicious schemer, bully, anxious to crush competitors", "Justice Paints a Dark Portrait of Gates in Microsoft Antitrust Suit"]} +{"id": "APW19981023.0569", "text": "Police and soldiers on Friday blocked off the street in front of a house where members of a terrorist gang are believed to have assembled the bomb that blew up the U.S. Embassy, killing 11 people.", "summaries": ["Suspects in US embassy bombings arrested in Dar es Salaam and New York", "Tanzanian police and FBI searching for suspects in bombing of U.S. Embassy", "Two charged in Tanzania for US embassy bombing; more sought; house searched", "Hemed, Ahmed, Khalfan, Fahad, Suzuki, Dar es Salaam bombing, U.S. embassy"]} +{"id": "APW19981104.0772", "text": "German police raided several locations near Bonn after receiving word of a terrorist threat against the U.S. Embassy, but no evidence of a planned attack was found, officials said Wednesday.", "summaries": ["German police react to possible terrorist threats against US embassy", "No evidence of arms found after word of threat against U.S. embassy in Bonn", "Threats to US installations in Germany where bin Laden aide jailed; search.", "Bonn, police, raid, terrorist threat, U.S. embassy, Shuebel, Salim, Kenya"]} +{"id": "APW19981105.0282", "text": "An Islamic militant group on Thursday threatened to retaliate if Saudi dissident Osama bin Laden is arrested, and described Washington's No.", "summaries": ["Osama bin Laden: US enemy, but hero to Islamic militants", "Islamic group threatens retaliation if Osama bin Laden is arrested", "Islamic militant calls bin Laden hero; killed 224, wounded 5,000 in Africa.", "Pakistan, Islamic militant group, Sipah-e-Sahaba, retaliation, bin Laden"]} +{"id": "APW19981111.0288", "text": "The Taliban's chief justice accused the United States on Wednesday of looking for an ``excuse'' to launch another missile attack on his war-shattered homeland.", "summaries": ["Taliban accuses US of looking for excuse to attack Afghanistan", "Taliban accuses U.S. of using bin Laden as excuse to launch missile attacks", "Taliban: \"Bin Laden honored guest. US looking for excuse to attack Afghans\"", "Taliban's Chief Justice Says U.S. Wants to Fire On Afghanistan Again"]} +{"id": "APW19981112.0551", "text": "NAIROBI, Kenya (AP) _ FBI agents this week began questioning relatives of the victims of the Aug. 7 U.S. Embassy bombing as well as the seriously injured on request of the U.S. Attorney's office for the Southern District of New York, a U.S. official said Thursday.", "summaries": ["US gathering testimony for trial of bombing suspects", "FBI questioning Nairobi victims for evidence against U.S. embassy attackers", "FBI prepares for trial of embassy bombing suspects; 3 jailed, 3 sought.", "FBI, Kenya, U.S. embassy, gathering recorded testimony, six men indicted"]} +{"id": "APW19981120.0887", "text": "The man accused of orchestrating the U.S. embassy bombings in Tanzania and Kenya was declared a free man Friday in Afghanistan, where he has lived for years with the permission of the hard-line Islamic Taliban militia.", "summaries": ["Afghan justice declares Osama bin Laden \"a man without sin\"", "Taliban declares that Osama bin Laden is a free man in Afghanistan", "Afghan Taliban declares bin Laden free; says no US proof he's terrorist.", "Taliban's Inquiry Into bin Laden Terrorism Charges Over -- He's a \"Free Man\""]} +{"id": "NYT19981025.0187", "text": "The New York Times said in an editorial on Monday, Oct. 26: Since the deadly bombing of two American embassies in Africa in August, there has been a troubling accumulation of evidence that the State Department inexplicably ignored warnings of possible terrorist attacks against the installations.", "summaries": ["Editorial claims State Department ignored warnings of terrorist", "State Department may have ignored warnings of attack against U.S. embassies", "State Dept. had warning 9 months before Nairobi Embassy bombing; discounted", "State Department Ignored Warning of Attack on U.S. Embassy in Kenya"]} +{"id": "NYT19981026.0361", "text": "Federal prison officials have cut off virtually all communications for two men being held in Manhattan in the bombings of the U.S. embassies in Kenya and Tanzania.", "summaries": ["Suspected US embassy bombers jailed in New York denied outside", "Restrictions imposed on two held in bombing of U.S. embassies in Africa", "Two suspects in African embassy bombings isolated in New York City jail.", "Bombing, U.S. embassy, Kenya, Tanzania, Odeh and al' Owahli, segregate"]} +{"id": "NYT19981104.0491", "text": "A federal grand jury in Manhattan returned a 238-count indictment Wednesday charging the Saudi exile Osama bin Laden with conspiring to bomb two U.S. embassies in Africa in August and with committing acts of terrorism against Americans abroad.", "summaries": ["Federal grand jury indicts Osama bin Laden in US embassies bombings", "Osama bin Laden indicted for conspiring to bomb U.S. embassies in Africa", "Bin Laden and aide indicted for bombing African embassies; reward, search.", "Reward, 238-count indictment, bin Laden, Atef, terrorism, embassy bombings"]} +{"id": "NYT19981110.0432", "text": "A federal district judge agreed Tuesday to review complaints by lawyers for three men arrested after the bombings of two U.S. embassies in Africa that their jail conditions in Manhattan are unconstitutional and inhumane.", "summaries": ["Lawyers for jailed bombing suspects claim jail conditions inhumane", "Complaints about jail filed by 3 men arrested in embassy bombings in Africa", "Judge to review conditions of embassy bombing suspects jailed in New York.", "10 South, jail conditions, Sand, Young, Joy, bombings, U.S. embassies"]} +{"id": "APW19981006.0802", "text": "The commander of Lebanon's army will become the country's next president after winning the crucial backing of Syria, the powerbroker in Lebanon.", "summaries": ["Backed by Syria, Lebanon's army commander will be next President of Lebanon", "Army Commander Emile Lahoud Lebanon's next president, has Syria's support", "Syria okays army commander Lahoud to be next president of Lebanon.", "Syria Supports Gen. Emile Lahoud to Succeed Hrawi as President of Lebanon"]} +{"id": "APW19981007.0567", "text": "A Cabinet minister and a close Syria ally on Wednesday criticized the Syrian-backed choice of the army commander as president, and said he will boycott a vote to elect the military man for the executive post.", "summaries": ["Cabinet minister criticizes choice of military man for Lebanon's president", "Walid Jumblatt opposed to a military president, fears civilian surveillance", "Lebanon: Some oppose army commander as next President; fear of militarism.", "Jumblatt, Progessive Socialist Party, Lebanon, vote, president, Oct. 23"]} +{"id": "APW19981013.0301", "text": "Lebanon's Parliament on Tuesday ratified a constitutional amendment to clear the way for the election of the army's commander, Gen. Emile Lahoud, as president.", "summaries": ["Constitutional change made for army commander to be Lebanon's president", "Constitutional amendment clears way for Lahoud's election as president", "Lebanon: Constitutional amendment clears way to elect army head President.", "Lebanon, constitutional amendment, Lahoud, civil servants, presidency"]} +{"id": "APW19981015.0163", "text": "Parliament on Thursday formally elected Gen. Emile Lahoud, the popular army commander who has the backing of powerful neighbor Syria, as Lebanon's next president.", "summaries": ["General Emile Lahoud formally elected President of Lebanon", "Lebanese parliament formally elects Emile Lahoud to 6-year presidency", "Lebanon: Army commander Lahoud elected President; 6-year term begins Nov 24", "Lebanon's Parliament Elects Gen. Lahoud President -- Assumes Office Nov. 24"]} +{"id": "APW19981015.0167", "text": "Parliament on Thursday formally elected Gen. Emile Lahoud, the popular army commander who has the backing of powerful neighbor Syria, as Lebanon's next president.", "summaries": ["General Emile Lahoud formally elected President of Lebanon", "Lebanese parliament formally elects Emile Lahoud to 6-year presidency", "Lebanon: Army commander Lahoud elected President; 6-year term begins Nov 24", "Lebanon's Parliament Elects Gen. Lahoud President -- Assumes Office Nov. 24"]} +{"id": "APW19981128.0178", "text": "Prime Minister Rafik Hariri's efforts to win a fourth term in office have hit a snag after he failed to receive the expected speedy appointment from new President Emile Lahoud.", "summaries": ["PM Hariri expects fourth term but new president not quick to appoint", "Businessman Rafik Hariri, head of corrupt govt, not re-appointed as PM", "Lebanon: Prime Minister's reappointment a question; economy good; corrupt?", "Prime minister, Hariri, Lahoud, Parliament, Hrawi, corruption, decree"]} +{"id": "APW19981129.0871", "text": "Prime Minister Rafik Hariri has declined an informal invitation from Lebanon's new president to form the next government, sparking a political crisis in this country as it rebuilds from its devastating civil war.", "summaries": ["Political crisis in Lebanon as PM Hariri declines to form next government", "Hariri, rebuilder of Lebanon, declines Lahoud invitation to form new gov't", "Lebanon: Prime Minister won't form new govt; prelude to power struggle?", "Lebanon's Prime Minister Hariri Declines Invite to Select New Cabinet"]} +{"id": "APW19981129.0896", "text": "Prime Minister Rafik Hariri has declined an informal invitation from Lebanon's new president to form the next government, sparking a political crisis in this country as it rebuilds from its devastating civil war.", "summaries": ["Informal invitation to PM Hariri to form government for Lebanon declined", "Hariri declines Lahoud invitation to form gov't despite Syrian support", "Lebanon: Prime Minister won't form new govt; prelude to power struggle?", "Lebanon's Prime Minister Hariri Declines Invite to Select New Cabinet"]} +{"id": "APW19981130.1079", "text": "Prime Minister Rafik Hariri, the business tycoon who launched Lebanon's multibillion dollar reconstruction from the devastation of civil war, said Monday he was bowing out as premier following a dispute with the new president.", "summaries": ["Hariri bowing out as premier after dispute with new Lebanese President PM", "Hariri claims his PM appointment by Lahoud violates constitution, bows out", "Lebanon: Prime Minister bows out; support waned; blames new President.", "Prime Minister Hariri, Claiming Constitution Violation, Bows Out"]} +{"id": "APW19981130.1085", "text": "Prime Minister Rafik Hariri, the business tycoon who launched Lebanon's multibillion dollar reconstruction from the devastation of civil war, said Monday he was bowing out as premier following a dispute with the new president.", "summaries": ["Hariri bowing out as premier after dispute with new Lebanese President PM", "Hariri claims his PM appointment by Lahoud violates constitution, bows out", "Lebanon: Prime Minister bows out; support waned; blames new President.", "Prime Minister Hariri, Claiming Constitution Violation, Bows Out"]} +{"id": "APW19981005.0231", "text": "Hours before China was expected to sign a key U.N. human rights treaty and host British Prime Minister Tony Blair, police hauled a prominent human rights campaigner in for questioning Monday.", "summaries": ["Hours before signing of U.S. human rights treaty, China arrests dissident", "China arrests rights group organizer hours before signing UN rights treaty", "Human rights fighter jailed before China to sign pledge and Blair visit.", "Yongmin, China Human Rights Observer, U.N., treaty, Blair, dissidents"]} +{"id": "APW19981220.0356", "text": "China released a respected, but ailing labor rights campaigner from a prison work camp Sunday and immediately sent him into exile in the United States.", "summaries": ["China exiles rights campaigner to U.S. to soften trial of noted dissident", "China frees imprisoned dissidents then exiles them to end their influence", "China exiles labor dissenter; trial to begin against political dissenter.", "Liu, Xu, dissidents, labor rights, exile, Wei, Wang, China, prison"]} +{"id": "APW19981220.0578", "text": "Trying to deflect foreign criticism of a crackdown on democracy campaigners, China sent a respected labor rights activist from jail into U.S. exile Sunday even as it prepared to put a prominent dissident on trial.", "summaries": ["China exiles rights campaigner to U.S. to soften trial of noted dissident", "China trying dissident, 3rd in 3 weeks, in violation of new rights law.", "China: 3-week campaign against dissenters; one exiled to appease West.", "China, Democracy Party, Communist Party, subverting state power, trial"]} +{"id": "APW19981221.0236", "text": "In stern judgments capping a decisive crackdown on dissidents, Chinese courts sentenced two prominent democracy campaigners to 13 and 11 years in prison Monday for trying to organize an opposition political party.", "summaries": ["China sends two dissidents to jail for trying to organize opposition party", "China gives 2 activists long prison terms for organizing opposition party", "China goes after Democracy Party; 2 leaders sentenced to decade in jail.", "Harsh Sentences for Chinese Dissidents - Wenli, 13 years; Youcai, 11 Years"]} +{"id": "APW19981221.0719", "text": "German Foreign Minister Joschka Fischer, who drew China's anger recently by meeting with exiled dissident Wei Jingsheng, said China's sentencing of two dissidents Monday was unacceptable and flouted an international treaty the country recently signed.", "summaries": ["German Foreign Minister says China's arrest of dissidents is unacceptable", "German Foreign Minister calls China's sentencing of dissidents unacceptable", "German Minister calls China's jailing of two dissenters \"unacceptable.\"", "German Foreign Minister Decries Wenli and Youcai Sentences"]} +{"id": "APW19981221.0757", "text": "German Foreign Minister Joschka Fischer, who drew China's anger recently by meeting with exiled dissident Wei Jingsheng, said China's sentencing of two dissidents Monday was unacceptable and flouted an international treaty the country recently signed.", "summaries": ["German Foreign Minister says China's arrest of dissidents is unacceptable", "German Foreign Minister calls China's sentencing of dissidents unacceptable", "German Minister calls China's jailing of two dissenters \"unacceptable\".", "German Foreign Minister Decries Wenli and Youcai Sentences"]} +{"id": "APW19981223.0717", "text": "The trials of three outspoken dissidents over, Communist Party leader Jiang Zemin signaled Wednesday that China will sustain a crackdown on dissent throughout next year.", "summaries": ["President Jiang vows to crush any challenges to Communist Party rule", "Hard-line speech, publicized dissident sentences, signals Chinese crackdown", "China renews crackdown on political activists; 3 jailed; population warned.", "Jiang, hard-line, Xu, Qin, Wang, stability, Deng, U.N. rights treaties"]} +{"id": "APW19981224.0149", "text": "His friend and political mentor is jailed, robbing their budding opposition political party of its most potent organizer, but Zha Jianguo is not afraid.", "summaries": ["China Democracy Party vows to campaign for change despite Jiang's warnings", "Chinese rights activist expects to be sacrifice in cause of democracy.", "China Democracy Party continues fight, underground; Communism's foes warned", "China Democracy Party, Zha, legally subversive, Communist, Xu, Wang, Qin"]} +{"id": "NYT19981221.0377", "text": "By sentencing two of the country's most prominent democracy campaigners to long prison terms, China on Monday took its harshest steps yet in its current crackdown on organized political opposition.", "summaries": ["China's arrest of dissidents could destroy China Democracy Party", "Long sentences for activists signal treaties won't ease political controls", "China: two pro-democracy politicians given long jail terms; US critical", "Xu, subversion, Wang, Qin, China Democracy, international covenants, Zemin"]} +{"id": "NYT19981222.0021", "text": "Six months after President Clinton traveled to Beijing and challenged China's leaders to move rapidly toward political reform, the administration's policy of engaging Beijing was called into question Monday when Chinese courts sentenced three of the nation's most prominent dissidents to long jail sentences.", "summaries": ["U.S. policy of trade and diplomacy for democratic reform failing in China", "US policy of trade, ties encouraging Chinese democracy is questioned", "China's economic reforms not prelude to democracy; Clinton's policy panned.", "Clinton, China policy, Jiang, Xu, Wang, Qin, human rights, trade, democracy"]} \ No newline at end of file diff --git a/SCRL_new/data/test-data/gigaword.jsonl b/SCRL_new/data/test-data/gigaword.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..805793477405e35e1849ad5368911c35033cab77 --- /dev/null +++ b/SCRL_new/data/test-data/gigaword.jsonl @@ -0,0 +1,1951 @@ +{"id": "gigaword-test-0", "text": "japan 's nec corp. and UNK computer corp. of the united states said wednesday they had agreed to join forces in supercomputer sales .", "summaries": ["nec UNK in computer sales tie-up"]} +{"id": "gigaword-test-1", "text": "the sri lankan government on wednesday announced the closure of government schools with immediate effect as a military campaign against tamil separatists escalated in the north of the country .", "summaries": ["sri lanka closes schools as war escalates"]} +{"id": "gigaword-test-2", "text": "police arrested five anti-nuclear protesters thursday after they sought to disrupt loading of a french antarctic research and supply vessel , a spokesman for the protesters said .", "summaries": ["protesters target french research ship"]} +{"id": "gigaword-test-3", "text": "factory orders for manufactured goods rose #.# percent in september , the commerce department said here thursday .", "summaries": ["us september factory orders up #.# percent"]} +{"id": "gigaword-test-4", "text": "the bank of japan appealed to financial markets to remain calm friday following the us decision to order daiwa bank ltd. to close its us operations .", "summaries": ["bank of UNK UNK for calm in financial markets"]} +{"id": "gigaword-test-5", "text": "croatian president franjo tudjman said friday croatian and serb negotiators would meet saturday to thrash out an agreement on the last serb-held area in croatia , under a deal reached at us-brokered talks .", "summaries": ["rebel serb talks to resume saturday : tudjman by peter UNK"]} +{"id": "gigaword-test-6", "text": "japan 's toyota team europe were banned from the world rally championship for one year here on friday in a crushing ruling by the world council of the international automobile federation -lrb- fia -rrb- .", "summaries": ["toyota are banned for a year"]} +{"id": "gigaword-test-7", "text": "israel prepared sunday for prime minister yitzhak rabin 's state funeral which will be attended by a host of world leaders , including us president bill clinton and the jordanian and egyptian heads of state .", "summaries": ["israel prepares jerusalem state funeral for rabin"]} +{"id": "gigaword-test-8", "text": "indian prime minister p.v. narasimha rao 's promise of more autonomy for troubled kashmir and his plea for early state elections has sparked a violent reaction from provincial moslem and opposition parties .", "summaries": ["indian pm 's announcement on kashmir polls autonomy sparks outrage"]} +{"id": "gigaword-test-9", "text": "UNK", "summaries": ["russian liberal party wins registration"]} +{"id": "gigaword-test-10", "text": "turnout was heavy for parliamentary elections monday in trinidad and tobago after a month of intensive campaigning throughout the country , one of the most prosperous in the caribbean .", "summaries": ["trinidad and tobago poll draws heavy turnout by john babb"]} +{"id": "gigaword-test-11", "text": "jordan 's crown prince hassan ibn talal arrived tuesday for his first visit to jerusalem and was to pay his condolences to the widow of assassinated prime minister yitzhak rabin .", "summaries": ["jordan 's crown prince makes first visit to jerusalem"]} +{"id": "gigaword-test-12", "text": "poland 's main opposition party tuesday endorsed president lech walesa in an upcoming presidential run-off election after a reformed communist won the first round of voting .", "summaries": ["walesa receives opposition boost"]} +{"id": "gigaword-test-13", "text": "the rand gained ground against the dollar at the opening here wednesday , to #.#### \\/ ## to the greenback from #.#### \\/ ## at the close tuesday .", "summaries": ["rand gains ground"]} +{"id": "gigaword-test-14", "text": "arbitrary arrests , torture , prisoners dying in detention and the death penalty are current practices in guinea , human rights organization amnesty international said thursday in a report published here .", "summaries": ["amnesty deplores human rights violations in guinea"]} +{"id": "gigaword-test-15", "text": "a young syrian woman who was arrested last year on terrorism charges at the airport here had a map of us military facilities in turkey , a canadian security official said thursday .", "summaries": ["canada investigates syrian woman with alleged ties to pkk"]} +{"id": "gigaword-test-16", "text": "hong kong signed a breakthrough air services agreement with the united states on friday that will allow us airlines to carry freight to asian destinations via the territory .", "summaries": ["hong kong us sign breakthrough aviation pact"]} +{"id": "gigaword-test-17", "text": "a us citizen who spied for communist east germany was given a suspended jail sentence of ## months here friday .", "summaries": ["us citizen who spied for east germans given suspended sentence"]} +{"id": "gigaword-test-18", "text": "davis love said he was thinking of making the world cup of golf a full time occupation after taking a ## stroke lead over japan in the event with us partner fred couples here on saturday .", "summaries": ["americans lead UNK by ## strokes"]} +{"id": "gigaword-test-19", "text": "france , still high after their convincing ##-## win over new zealand have named the same team for the second test next saturday in paris .", "summaries": ["french keep same team for #nd test"]} +{"id": "gigaword-test-20", "text": "#st quarter : chi - td , curtis conway ## UNK pass from erik kramer -lrb- kevin butler kick -rrb- , #:## .", "summaries": ["chicago # ## # # ## green bay ## # # # ##"]} +{"id": "gigaword-test-21", "text": "at least ## people were killed when a nigeria airways airliner crashed on landing monday at kaduna airport in the north of the country , airport officials said .", "summaries": ["nigerian plane crashes on landing killing at least ##"]} +{"id": "gigaword-test-22", "text": "the four candidates in algeria 's first free presidential election held final rallies monday amid tight security as some voters began casting their ballots three days ahead of the main poll .", "summaries": ["algerian presidential candidates wind up campaign by richard palmer"]} +{"id": "gigaword-test-23", "text": "the united nations children 's fund -lrb- unicef -rrb- has voiced concern over the plight of children in much of eastern europe where communism was abruptly dismantled and state services allowed to erode .", "summaries": ["unicef concerned about welfare of children in former communist states"]} +{"id": "gigaword-test-24", "text": "a swedish un soldier in bosnia was shot and killed by a stray bullet on tuesday in an incident authorities are calling an accident , military officials in stockholm said tuesday .", "summaries": ["swedish un soldier in bosnia killed by stray bullet"]} +{"id": "gigaword-test-25", "text": "a us judge denied on tuesday a request for the extradition of former mexican deputy attorney general mario ruiz massieu to mexico where he is charged with a cover-up in his brother 's murder investigation .", "summaries": ["us judge denies mexico 's extradition request for massieu"]} +{"id": "gigaword-test-26", "text": "fred west told the truth -- and should be believed -- when he exonerated his wife in the murders of ## young women before killing himself , a jury heard wednesday .", "summaries": ["fred west told truth when he exonerated his wife of murder defense by UNK UNK"]} +{"id": "gigaword-test-27", "text": "german chemical giant hoechst group announced plans wednesday to invest ### million dollars in china next year , with the idea of getting a strong foothold in the fast growing economy , xinhua news agency reported .", "summaries": ["hoechst to invest total ### million us dollars in chinese operation"]} +{"id": "gigaword-test-28", "text": "roh tae-woo , the former south korean military UNK charged with corruption on thursday , oversaw the first tentative steps of his country 's transition from authoritarian rule to democracy .", "summaries": ["roh coup plotter then democracy convert now in disgrace by UNK park"]} +{"id": "gigaword-test-29", "text": "a court here thursday sentenced a ##-year-old man to ## years in jail after he admitted pummelling his baby son to death to silence him while watching television .", "summaries": ["man who killed baby to hear television better gets ## years"]} +{"id": "gigaword-test-30", "text": "president bill clinton said thursday he would propose a new plan to congress to reopen many government operations and end the budget impasse , but repeated his intention to veto a republican budget bill .", "summaries": ["clinton congress offer plans to end budget impasse"]} +{"id": "gigaword-test-31", "text": "five east timorese youths who scaled the french embassy 's fence here thursday , left the embassy on their way to portugal friday .", "summaries": ["UNK latest east timorese asylum seekers leave for portugal"]} +{"id": "gigaword-test-32", "text": "the repatriation of at least #,### bosnian moslems was postponed friday after the unhcr pulled out of the first joint scheme to return refugees to their homes in northwest bosnia .", "summaries": ["repatriation of bosnian refugees postponed"]} +{"id": "gigaword-test-33", "text": "the us space shuttle atlantis separated from the orbiting russian mir space station early saturday , after three days of test runs for life in a future space facility , nasa announced .", "summaries": ["atlantis mir part ways after three-day space collaboration by emmanuel UNK"]} +{"id": "gigaword-test-34", "text": "the shooting down of the largest transport plane in the sri lankan air force has wrecked supply lines and slowed a major government offensive against the tamil rebel citadel of jaffna , analysts said .", "summaries": ["downing of plane slows sri lanka 's army onslaught on jaffna by amal jayasinghe"]} +{"id": "gigaword-test-35", "text": "outgoing polish president lech walesa and his ex-communist rival aleksander kwasniewski cast their ballots sunday in a tight contest for the presidency but managed some humor amid all the tension .", "summaries": ["walesa kwasniewski cast ballot amid touch of humor"]} +{"id": "gigaword-test-36", "text": "tea scores on the fourth day of the second test between australia and pakistan here monday .", "summaries": ["australia vs pakistan tea scorecard"]} +{"id": "gigaword-test-37", "text": "the head of the russian-installed government in the breakaway republic of chechnya narrowly survived a bomb attack monday , the third assassination attempt against top russian officials in two months .", "summaries": ["head of UNK chechen government survives bomb"]} +{"id": "gigaword-test-38", "text": "australia 's news corp announced monday it was joining brazil 's globo , mexico 's grupo televisa and the us tele-communications inc. in a venture to broadcast ### channels via satellite to latin america .", "summaries": ["news corp globo televisa and tele-communications in satellite venture"]} +{"id": "gigaword-test-39", "text": "former israeli chief of staff ehud barak is to be appointed foreign minister in the new cabinet of prime minister shimon peres , an outgoing minister said tuesday .", "summaries": ["barak to be named israel 's new fm outgoing minister says"]} +{"id": "gigaword-test-40", "text": "indicted war criminals will not be allowed to hold office or serve in the military in post-war bosnia under a peace agreement for the balkans reached tuesday , us officials said .", "summaries": ["balkan leaders to bar war criminals from office : clinton"]} +{"id": "gigaword-test-41", "text": "japan 's collapsed kizu credit union , the largest such institution in the country , had incurred losses of ### billion yen -lrb- #.# billion dollars -rrb- , the bank of japan said wednesday .", "summaries": ["UNK credit union losses at #.# bln dlrs : central bank"]} +{"id": "gigaword-test-42", "text": "nick leeson , the young futures trader blamed for the collapse of britain 's oldest merchant bank , rose from humble london origins to become the tragic golden boy of the asian financial el dorado .", "summaries": ["UNK : ordinary boy who ruined britain 's oldest merchant bank by roberto UNK"]} +{"id": "gigaword-test-43", "text": "UNK", "summaries": ["president mandela pilloried in nigeria"]} +{"id": "gigaword-test-44", "text": "malaysian prime minister mahathir mohamad indicated friday he would soon relinquish control of the ruling party to his deputy anwar ibrahim .", "summaries": ["mahathir wants leadership change to be smooth"]} +{"id": "gigaword-test-45", "text": "bosnian croat forces have begun torching homes in parts of western bosnia captured during a summer offensive but due to return to serb control under the dayton peace agreement , un officials said friday .", "summaries": ["croats torch homes in areas due to return to serbs"]} +{"id": "gigaword-test-46", "text": "president robert mugabe 's pay packet will be more than doubled by july next year to a total of ###,### zimbabwe dollars -lrb- around ##,### us dollars -rrb- , the government announced saturday .", "summaries": ["president mugabe 's salary doubled"]} +{"id": "gigaword-test-47", "text": "former french prime minister michel rocard and former us defense secretary robert mcnamara have agreed to serve on an australian commission working to ban nuclear weapons , prime minister paul keating said sunday .", "summaries": ["former french pm to serve on keating commission to ban the bomb by jack taylor"]} +{"id": "gigaword-test-48", "text": "former mexican president carlos salinas said sunday that he was astonished by charges that his brother was connected with the drug - trafficking underworld and that , if convicted , he should be punished .", "summaries": ["former mexican president says he is astonished by brother 's arrest"]} +{"id": "gigaword-test-49", "text": "ministers from the european union and its mediterranean neighbors gathered here under heavy security on monday for an unprecedented conference on economic and political cooperation .", "summaries": ["european mediterranean ministers gather for landmark conference by julie bradford"]} +{"id": "gigaword-test-50", "text": "bosnian president alija izetbegovic on monday accused bosnian serb leader radovan karadzic of seeking to sway the us congress against approving us troops to help enforce peace in the former yugoslavia .", "summaries": ["karadzic trying to trip up peace process : izetbegovic"]} +{"id": "gigaword-test-51", "text": "pakistan 's team manager intikhab alam dismissed claims tuesday that his team 's poor performance in the current test series was to blame for weak ticket sales ahead of the final test .", "summaries": ["do n't blame pakistan for poor test ticket sales says manager"]} +{"id": "gigaword-test-52", "text": "faced with a mushrooming influence-peddling scandal that has rocked the government , president fernando henrique cardoso has opened a high - level probe into the affair in an attempt to stem political fallout .", "summaries": ["president opens probe of influence-peddling scandal"]} +{"id": "gigaword-test-53", "text": "french rail workers pressed on with their crippling strike for a sixth straight day wednesday to protest welfare reform plans by prime minister alain juppe , with no immediate end in sight .", "summaries": ["french UNK press strike stranglehold by michael thurston"]} +{"id": "gigaword-test-54", "text": "the handlers of britain 's lennox lewis are ready to offer american riddick bowe nine million dollars for a long-overdue heavyweight clash in march or april , his promoter panos eliades said wednesday .", "summaries": ["UNK UNK lewis camp prepare bowe offer"]} +{"id": "gigaword-test-55", "text": "president fidel ramos on thursday said he was `` confident '' that peace talks with moslem guerrillas would result in a successful conclusion following the latest round of negotiations in jakarta .", "summaries": ["ramos confident of successful conclusion in moslem peace talks"]} +{"id": "gigaword-test-56", "text": "swedish telecommunications giant ericsson has reached a basic agreement to sell its relay production to japanese electronics company UNK corp , ericsson said thursday .", "summaries": ["ericsson sells relay production to UNK 's UNK corp"]} +{"id": "gigaword-test-57", "text": "east timorese president xanana gusmao on thursday made an emotional appeal for rivals from the country 's east and west to forgive each other , pleading for unity to end weeks of violence .", "summaries": ["gusmao makes UNK for etimor unity UNK UNK fresh gusmao UNK visit with refugees"]} +{"id": "gigaword-test-58", "text": "ireland 's government urged prudence on thursday as the first irish savers began to benefit from a state savings scheme that will mean a ##-billion-euro -lrb- ##-billion-dollar -rrb- payout to almost #.# million people over the next year .", "summaries": ["irish urged to continue saving as ##-billion-euro payout begins by andrew UNK UNK UNK UNK"]} +{"id": "gigaword-test-59", "text": "russian foreign minister sergei lavrov on thursday welcomed a us move to enter european-led talks on iran 's nuclear program , urging the international community not to disrupt the process .", "summaries": ["russia urges international community not to disrupt iran talks UNK picture"]} +{"id": "gigaword-test-60", "text": "general motors corp. expects it will be able to avoid a crippling strike at its largest parts subsidiary despite a disagreement over the company 's attempt to throw out its union contracts as it emerges from bankruptcy , gm 's chief executive said thursday .", "summaries": ["gm expects to avoid strike at delphi : ceo"]} +{"id": "gigaword-test-61", "text": "football fans in the bangladesh capital dhaka will be able to watch the world cup live on big screens at ## city locations , officials said friday .", "summaries": ["the afp world news summary"]} +{"id": "gigaword-test-62", "text": "india won the toss and chose to bat on the opening day in the opening test against west indies at the antigua recreation ground on friday .", "summaries": ["india win toss and elect to bat in first test"]} +{"id": "gigaword-test-63", "text": "polling stations closed at #### gmt -lrb- #### local time -rrb- friday on the first day of czech legislative elections shadowed by allegations surrounding social democrat prime minister jiri paroubek .", "summaries": ["polling stations close on first day of czech legislative elections"]} +{"id": "gigaword-test-64", "text": "an insurgency-hit indian state is paying handsome rewards to policemen for slaying maoist rebels in the jungles despite protests from rights groups about state-sponsored violence .", "summaries": ["police turn UNK in insurgency-hit indian state by UNK UNK"]} +{"id": "gigaword-test-65", "text": "the united nations condemned saturday an attack on russian embassy employees in baghdad that claimed the life of one russian and resulted in the kidnapping of four others .", "summaries": ["un condemns murder UNK of russians in iraq UNK UNK UNK with annan comment"]} +{"id": "gigaword-test-66", "text": "ministers from ## african nations and the united states are to hold annual talks this week aimed at devising strategies for a vibrant private sector in africa and stepping up trade .", "summaries": ["africa us to devise private sector growth strategy by p. UNK"]} +{"id": "gigaword-test-67", "text": "american time-trial specialist david zabriskie of team csc won the #.# km opening prologue of the dauphine libere here on sunday .", "summaries": ["american zabriskie snatches dauphine prologue"]} +{"id": "gigaword-test-68", "text": "a high-profile japanese fund manager admitted monday to insider trading linked to the scandal-hit livedoor internet firm in the latest fall from grace of one a new breed of corporate raiders .", "summaries": ["another UNK corporate raider bites the dust by UNK ozawa UNK picture UNK UNK reported arrest koizumi reax UNK"]} +{"id": "gigaword-test-69", "text": "rafael nadal moved to within three wins of defending his french open crown when he subdued a battling and determined lleyton hewitt to reach the quarter-finals at roland garros on monday .", "summaries": ["french open tennis results #nd UNK"]} +{"id": "gigaword-test-70", "text": "a powerful bomb exploded outside a navy base near the sri lankan capital colombo tuesday , seriously wounding at least one person , military officials said .", "summaries": ["bomb attack outside srilanka navy base"]} +{"id": "gigaword-test-71", "text": "serbs living in enclaves in northern kosovo have taken a step towards separation from the rest of the UNK province by breaking off ties with the un administration , local media said tuesday .", "summaries": ["UNK northern kosovo closer to secession : press"]} +{"id": "gigaword-test-72", "text": "chelsea manager jose mourinho has said that only another title and the champions league will suffice for him as he builds towards next season .", "summaries": ["mourinho targets second champions league crown UNK UNK details"]} +{"id": "gigaword-test-73", "text": "russia warned wednesday against nato taking in the ex-soviet republics of ukraine and georgia , saying such a colossal geopolitical shift would threaten relations .", "summaries": ["russia warns of colossal impact if nato takes in ukraine georgia UNK UNK quote"]} +{"id": "gigaword-test-74", "text": "chelsea wing arjen robben said here on wednesday he wished to prove dutch national coach marco van basten right and show he is one of the great players of his era .", "summaries": ["confident robben eager to prove himself one of the greats by benoit noel UNK picture"]} +{"id": "gigaword-test-75", "text": "mittal steel said on wednesday that its hostile takeover offer to shareholders in european steelmaker arcelor had officially begun in the united states and would last until july # .", "summaries": ["mittal launches hostile arcelor bid in us"]} +{"id": "gigaword-test-76", "text": "americans have to wait probably another year before they can relish succulent indian mangoes .", "summaries": ["time not ripe yet for indian mangoes to hit us"]} +{"id": "gigaword-test-77", "text": "some #.# billion people worldwide are expected to watch germany face costa rica on television at the opening match of football 's world cup , german public broadcaster zdf said thursday .", "summaries": ["#.# billion tv viewers expected for opening world cup match"]} +{"id": "gigaword-test-78", "text": "us defense secretary donald rumsfeld said thursday the killing of al-qaeda 's leader in iraq , abu musab UNK , was a significant victory in the battle against terrorism but not the end of the violence .", "summaries": ["rumsfeld calls zarqawi death significant victory"]} +{"id": "gigaword-test-79", "text": "a french crocodile farm said thursday it had stepped up efforts to breed one of the world 's most endangered species , the indian UNK , with the hope of ultimately returning animals to their habitat in south asia .", "summaries": ["french farm offers hope for endangered asian crocs UNK picture"]} +{"id": "gigaword-test-80", "text": "earthquake survivors on indonesia 's java island have endured unimaginable suffering but some say they are now facing the final straw : missing out on watching the world cup .", "summaries": ["indonesian quake survivors brace for another hardship : no world cup by ahmad UNK UNK picture"]} +{"id": "gigaword-test-81", "text": "britain 's prince philip celebrates his ##th birthday on saturday , after ## years of marriage to queen elizabeth ii during which he has had to temper his UNK instincts and play a supporting role .", "summaries": ["afp advancers"]} +{"id": "gigaword-test-82", "text": "even some of his rivals in the roland garros locker-room are hoping that roger federer can create a bit of tennis history by winning all four grand slams .", "summaries": ["even fellow players keen for federer grand slam dream UNK picture"]} +{"id": "gigaword-test-83", "text": "question marks over the form of spain 's record goal-scoring captain raul continued to feed the concerns of the country 's press here friday .", "summaries": ["pressure on raul as spain begin countdown by justin davis UNK picture"]} +{"id": "gigaword-test-84", "text": "group of eight finance ministers warned saturday that the world economy was menaced by soaring energy costs and called for closer cooperation to calm volatile oil and gas markets .", "summaries": ["g# ministers warn of energy risks seek cooperative action by nathaniel harrison UNK picture UNK UNK with final statement"]} +{"id": "gigaword-test-85", "text": "england coach sven-goran eriksson believes his team must improve on their disappointing display against paraguay if they want to win the world cup .", "summaries": ["we must improve : eriksson by martin parry UNK picture"]} +{"id": "gigaword-test-86", "text": "a tropical depression , the first of the atlantic hurricane season , was lashing western cuba with driving rain and stiff winds late friday and could worsen in the coming hours , forecasters said .", "summaries": ["tropical depression soaks western cuba UNK UNK us forecasters warning"]} +{"id": "gigaword-test-87", "text": "palestinian president mahmud abbas needs to do more to disarm militant groups , israeli prime minister ehud olmert said sunday , pledging to help in the process .", "summaries": ["israel pm says abbas must do more to disarm militants UNK UNK detail UNK"]} +{"id": "gigaword-test-88", "text": "jason terry , hero of dallas ' game one national basketball association finals win over miami , may need off-season surgery on an injured thumb that he has been nursing for four months .", "summaries": ["mavs hero terry may need surgery to fix injured thumb"]} +{"id": "gigaword-test-89", "text": "group h favorites spain could be given an unexpected boost ahead of their opener against ukraine - if andriy shevchenko decides to sit out wednesday 's afternoon match in leipzig .", "summaries": ["doubts over raul and shevchenko set to favor spain by justin davis UNK picture"]} +{"id": "gigaword-test-90", "text": "al-qaeda in iraq appointed a militant named sheikh abu hamza UNK to succeed jordanian-born abu musab al-zarqawi who was killed in a us air strike , in an internet message posted monday .", "summaries": ["afp world economic news summary"]} +{"id": "gigaword-test-91", "text": "tomas rosicky scored twice as the czech republic enjoyed an impressive #-# victory over the united states in their world cup opener on monday .", "summaries": ["rosicky double gives czechs winning start by jim slater UNK picture UNK UNK bruckner and arena UNK"]} +{"id": "gigaword-test-92", "text": "billionaire basketball team owner mark cuban was a no show , but the head of unicef made it and pop star prince rounded off the evening by throwing a guitar over his head .", "summaries": ["UNK awards crown their prince by giles hewitt"]} +{"id": "gigaword-test-93", "text": "french bank credit agricole launched on tuesday a public cash offer to buy the ## percent of emporiki bank it does not already own , in a bid valuing the greek group at #.# billion euros -lrb- #.# billion dollars -rrb- .", "summaries": ["credit agricole announces #.#-billion-euro bid for greek bank emporiki"]} +{"id": "gigaword-test-94", "text": "us president george w. bush flew into baghdad tuesday on a surprise five hour visit to back the new government of iraqi prime minister nuri al-maliki in its fight against the raging insurgency .", "summaries": ["bush backs iraqi pm on surprise baghdad visit by paul richards UNK picture UNK includes pool copy UNK detail UNK"]} +{"id": "gigaword-test-95", "text": "the open square in front of the french capital 's famed notre dame cathedral will be renamed after late pope john paul ii , the city council decided tuesday .", "summaries": ["notre dame cathedral square to be named after john paul ii"]} +{"id": "gigaword-test-96", "text": "the somali town of jowhar , the last stronghold of the us-backed warlords , on wednesday girded for new clashes after three powerful militia chiefs fled the township as their enemies were reportedly within striking distance , residents said .", "summaries": ["somali warlords stronghold tense after us-backed militia chiefs flee"]} +{"id": "gigaword-test-97", "text": "the french press on wednesday were typically scathing in their assessment of les bleus ' performance in their opening world cup match , a #-# draw with switzerland .", "summaries": ["press lambasts sorry french display"]} +{"id": "gigaword-test-98", "text": "press freedom in algeria remains at risk despite the release on wednesday of prominent newspaper editor mohamed UNK after a two-year prison sentence , human rights organizations said .", "summaries": ["algerian press freedom at risk despite editor 's release UNK picture"]} +{"id": "gigaword-test-99", "text": "world number three david nalbandian said wednesday that he was optimistic of being fit to compete in wimbledon after being forced to retire injured in the french open semi-finals last week .", "summaries": ["nalbandian optimistic for wimbledon fitness"]} +{"id": "gigaword-test-100", "text": "a consortium led by us investment bank goldman sachs thursday increased its takeover offer of associated british ports holdings , the biggest port operator in britain , after being threatened with a possible rival bid .", "summaries": ["goldman sachs increases bid for ab ports"]} +{"id": "gigaword-test-101", "text": "west germany 's #### world cup winning hero franz beckenbauer hopes hosts germany are not paired with england in the last ## of the world cup , saying he would prefer to meet the old foe later in the tournament .", "summaries": ["beckenbauer hopes germany avoid england"]} +{"id": "gigaword-test-102", "text": "former italian prime minister silvio berlusconi has been re-elected as president of serie a side ac milan , the club confirmed on thursday .", "summaries": ["berlusconi re-elected ac milan president"]} +{"id": "gigaword-test-103", "text": "nato secretary general jaap de hoop scheffer said thursday an upsurge in taliban attacks in afghanistan was aimed at `` testing '' western public opinion and warned the alliance would take tough action against anyone trying to derail afghan reconstruction .", "summaries": ["nato issues stern warning to afghanistan 's taliban by philippe UNK UNK UNK UNK detail UNK"]} +{"id": "gigaword-test-104", "text": "one of bollywood 's hottest actors john abraham has refused to bow to pressure from india 's health minister and quit promoting fizzy drinks .", "summaries": ["bollywood boils at government over fizzy drink ad comments UNK picture"]} +{"id": "gigaword-test-105", "text": "european union leaders gave slovenia a green light friday to join the eurozone next year , launching a new wave of expansion for the currently ##-nation single currency club .", "summaries": ["eu gives slovenia green light to join eurozone by leigh thomas UNK picture UNK UNK UNK"]} +{"id": "gigaword-test-106", "text": "mauritania 's ruling military leaders have launched an electoral campaign in support of a constitutional referendum set for june ## , the official media announced friday .", "summaries": ["mauritania 's junta campaigns for constitutional referendum"]} +{"id": "gigaword-test-107", "text": "slovaks started voting at #:## am -lrb- #### gmt -rrb- on saturday in elections to the ###-seat parliament , with centre-right prime minister mikulas dzurinda fighting to continue far-reaching but painful reforms .", "summaries": ["slovaks start voting in legislative elections"]} +{"id": "gigaword-test-108", "text": "phil mickelson 's bid for a third straight major title was still on saturday as the american started the third round of the us open golf championship four shots off the lead .", "summaries": ["mickelson still has third straight major in view by rebecca bryan UNK picture"]} +{"id": "gigaword-test-109", "text": "anti-whaling nations sent japan crashing to a third straight defeat on saturday at world whale talks soured by rows over cruelty and the moratorium on commercial hunts .", "summaries": ["fierce rows rock world whaling talks by stephen UNK UNK UNK UNK"]} +{"id": "gigaword-test-110", "text": "hundreds of graduates from america 's most prestigious universities are temporarily setting aside their high-powered career ambitions to teach at inner-city schools , as part of a program to help children from low-income families .", "summaries": ["graduates move from harvard and yale to inner-city schools by isabel UNK UNK picture"]} +{"id": "gigaword-test-111", "text": "result in a world cup group g match here on sunday .", "summaries": ["world cup : france # south korea #"]} +{"id": "gigaword-test-112", "text": "factfile on ivory coast who play serbia and montenegro in a world cup group c match here on wednesday : UNK", "summaries": ["world cup #### factfile : ivory coast"]} +{"id": "gigaword-test-113", "text": "germany are renowned as masters in the penalty shootout but manager jurgen klinsmann revealed monday that the world cup hosts have not been practising UNK in training .", "summaries": ["germany not practising pens says klinsmann UNK picture"]} +{"id": "gigaword-test-114", "text": "ukraine outclassed saudi arabia in their crunch group h game here monday , firmly setting their stuttering world cup campaign back on track with a convincing #-# win .", "summaries": ["ukraine outclass saudi arabia for vital world cup win by luke phillips UNK picture UNK UNK UNK"]} +{"id": "gigaword-test-115", "text": "factfile on croatia who face australia in a world cup group f match here on thursday : UNK", "summaries": ["world cup #### factfile : croatia"]} +{"id": "gigaword-test-116", "text": "sri lanka 's tamil tiger rebels tuesday reaffirmed their commitment to a truce despite surging violence , but said the future of ceasefire monitors from denmark , finland and sweden is still in the balance .", "summaries": ["tigers support peace drive doubts over european monitors by amal jayasinghe UNK UNK attack on temple war of words over soft targets"]} +{"id": "gigaword-test-117", "text": "estonians will miss their traditional midsummer bonfires in state-owned forests this year after the authorities on tuesday banned the practice because of risk of forest fires .", "summaries": ["midsummer fest bonfires banned in estonian forests"]} +{"id": "gigaword-test-118", "text": "the launch of a long-range north korean missile would provide the first real test of a us missile defense system that has cost billions of dollars to build and is still in development , analysts said tuesday .", "summaries": ["us missile defenses likely activated for north korean test : analysts by jim UNK"]} +{"id": "gigaword-test-119", "text": "journalists and legislators in afghanistan have been outraged by the intelligence service 's new media guidelines that bar interviews with taliban leaders and criticism of foreign troops .", "summaries": ["alarm over afghan guidelines for journalists by UNK masood"]} +{"id": "gigaword-test-120", "text": "south korea said wednesday it would consider scrapping food aid to impoverished north korea if pyongyang test-fired a missile .", "summaries": ["seoul could UNK food aid if nkorea fires missile UNK UNK aid details minister quote"]} +{"id": "gigaword-test-121", "text": "us lawyer ed fagan said wednesday he will bring a multi-million dollar lawsuit in the united states against the polish government unless it takes concrete steps to repay a huge debt to holders of bonds issued before world war ii .", "summaries": ["us star lawyer ed fagan to sue poland for unpaid bonds"]} +{"id": "gigaword-test-122", "text": "around ### clandestine immigrants wednesday staged a peaceful breakout from a detention center in malta and demonstrated on a road shouting `` we want freedom .", "summaries": ["mass breakout of immigrants from malta center"]} +{"id": "gigaword-test-123", "text": "like a conquering army , south korea are marching towards the knock-out stages of the #### world cup on their stomachs .", "summaries": ["team korea marching on their stomachs"]} +{"id": "gigaword-test-124", "text": "hong kong flag carrier cathay pacific said thursday it has ordered six boeing UNK freighter aircraft in a billion dollar deal for delivery between may #### and april #### .", "summaries": ["cathay orders six boeing ###-### freighter planes UNK UNK details UNK"]} +{"id": "gigaword-test-125", "text": "eight chinese scientists have asked a leading us medical journal to withdraw a letter published thursday alleging that china knew about a human case of bird flu two years before the first case was officially announced .", "summaries": ["chinese scientists ask us journal to withdraw letter on human bird flu case"]} +{"id": "gigaword-test-126", "text": "two-time champions argentina suffered a blow on thursday when defender nicolas burdisso was ruled out of the world cup second round clash against mexico here on saturday because of a ankle injury .", "summaries": ["argentina defender burdisso out of mexico clash"]} +{"id": "gigaword-test-127", "text": "fbi agents have arrested at least seven people in miami who reportedly plotted to attack the chicago sears tower skyscraper , according to official statements and news reports .", "summaries": ["fbi arrests seven in UNK plot on chicago sears tower UNK correction please read xxx seas of david xxx sted of cs of david in UNK ##"]} +{"id": "gigaword-test-128", "text": "prime minister tony blair called friday for britain 's criminal justice system to be UNK `` in favor of the decent law-abiding majority '' , as he delivered the first in a series of speeches on the future of the nation .", "summaries": ["blair calls for overhaul of criminal justice system by phil UNK"]} +{"id": "gigaword-test-129", "text": "world cup hopefuls spain secured their objective of finishing top of group h with a stuttering #-# win over whipping boys saudi arabia here on friday .", "summaries": ["fans feel the pain as spain beat saudis by justin davis UNK picture"]} +{"id": "gigaword-test-130", "text": "the white house said friday that a new videotape of al-qaeda number two ayman al-zawahiri is the terrorist network 's latest shot in its effort to win a `` propaganda war .", "summaries": ["zawahiri video is part of propaganda war : us"]} +{"id": "gigaword-test-131", "text": "teenager michaela krajicek claimed her first grasscourt title with a #-# , #-# victory over third seed dinara safina at home in the ###,###-dollar UNK open on saturday .", "summaries": ["krajicek defeats safina in dutch final UNK picture"]} +{"id": "gigaword-test-132", "text": "directors of the european steel giant arcelor were to meet sunday in luxembourg to decide between two suitors : the partnership offered by russia 's severstal and the hostile bid from mittal steel .", "summaries": ["arcelor board in crucial meeting sunday"]} +{"id": "gigaword-test-133", "text": "a japanese man hanged himself in taiwan sunday after the asian champions failed to secure a single victory in the world cup , a report said .", "summaries": ["UNK fan hangs himself for nation 's dismal world cup performance : report"]} +{"id": "gigaword-test-134", "text": "france beat south africa ##-## here on sunday to become the world under-## rugby champions for the first time .", "summaries": ["france crowned world under-## rugby champions UNK UNK UNK"]} +{"id": "gigaword-test-135", "text": "france said on monday it was seeking the release of an UNK solider who was reportedly captured by an armed palestinian group at the weekend , and had made contact with all parties involved .", "summaries": ["france seeking release of UNK soldier UNK UNK details of french efforts UNK"]} +{"id": "gigaword-test-136", "text": "china has executed five people who had been sentenced to death for drugs trafficking , state media reported on monday .", "summaries": ["china says five executed for drugs"]} +{"id": "gigaword-test-137", "text": "italian voters rejected by a wide margin a referendum on constitutional change backed by former prime minister silvio berlusconi , provisional results showed , dealing a further blow to the media mogul more than two months after he lost power .", "summaries": ["italian voters reject constitutional referendum : provisional result by UNK UNK UNK picture UNK UNK with provisional results turnout reax"]} +{"id": "gigaword-test-138", "text": "vietnam chose a new president and was set to get a new premier tuesday in a sweeping leadership change for the communist country heading fast into an era of closer integration with the world economy .", "summaries": ["vietnam UNK economic reformer as president set to get new pm by frank UNK UNK picture UNK UNK with president 's UNK UNK UNK"]} +{"id": "gigaword-test-139", "text": "wigan moved to consolidate their premiership status tuesday by tying down one of the brightest stars of last season 's maiden top flight campaign .", "summaries": ["wigan tie up baines for three years"]} +{"id": "gigaword-test-140", "text": "hurricane katrina fraudsters who billed the us government for fictitious services and filed claims for phantom hotel guests and even dom perignon champagne have cost taxpayers up to two billion dollars , the new york times reported tuesday .", "summaries": ["hurricane katrina fraud swells to two billion dollars : report"]} +{"id": "gigaword-test-141", "text": "a controversial civilian nuclear energy deal between india and the united states cleared its first major hurdle tuesday , easily winning approval by a us congress committee .", "summaries": ["us congress committee backs nuclear deal with india UNK UNK UNK UNK detail"]} +{"id": "gigaword-test-142", "text": "chinese government departments lost #.# billion dollars last year through corruption , poor tax methods and bad land management , the national audit office said in a report published wednesday .", "summaries": ["china audit finds widespread corruption tax losses in government UNK UNK report details budget UNK"]} +{"id": "gigaword-test-143", "text": "two exclusive rome clubs have invited prince victor emmanuel to resign following his arrest on suspicion of providing prostitutes and illegal slot machines to a casino , an italian newspaper reported on wednesday .", "summaries": ["italy 's disgraced prince asked to resign from top clubs : reports"]} +{"id": "gigaword-test-144", "text": "the al-aqsa martyrs brigades said wednesday it had kidnapped an israeli settler , marking the third abduction of an israeli since sunday .", "summaries": ["al-aqsa claims abduction of third israeli UNK UNK aqsa statement"]} +{"id": "gigaword-test-145", "text": "kuwaiti women join their menfolk for the first time thursday in voting to elect a parliament for the oil-rich gulf state after a fierce campaign focusing on electoral reform and corruption .", "summaries": ["kuwaiti women take part in historic polls by omar hasan UNK picture"]} +{"id": "gigaword-test-146", "text": "foreign ministers of the group of eight countries began talks here thursday expected to raise pressure on iran over its nuclear program , as moscow sought to prevent next month 's g# summit becoming a magnet for criticism of russia 's democratic credentials .", "summaries": ["iran tops agenda at g# ministers meeting by nick coleman UNK UNK french minister on hamas arrests"]} +{"id": "gigaword-test-147", "text": "greece said thursday that it was monitoring the escalating hostilities between israelis and palestinians with `` particular concern , '' and feared it could worsen .", "summaries": ["greece worried over escalation of mideast hostilities"]} +{"id": "gigaword-test-148", "text": "european stock markets advanced strongly thursday on some bargain-hunting and gains by wall street and japanese shares ahead of an expected hike in us interest rates , dealers said .", "summaries": ["european stocks bounce back UNK UNK with closing levels"]} +{"id": "gigaword-test-149", "text": "the australian government friday warned building products company james hardie it had run out of excuses for not paying compensation to victims of its asbestos products following a special tax ruling .", "summaries": ["no more excuses on asbestos payouts australia tells james hardie"]} +{"id": "gigaword-test-150", "text": "palestinian prime minister ismail haniya insisted friday that his hamas-led government was continuing efforts to secure the release of an israeli soldier captured by militants .", "summaries": ["efforts still underway to secure soldier 's release : hamas pm"]} +{"id": "gigaword-test-151", "text": "the united states deported to bosnia on friday two bosnian serbs wanted by a local court on charges of genocide committed in the #### srebrenica massacre , an official said .", "summaries": ["us deports to bosnia two serbs wanted for srebrenica genocide"]} +{"id": "gigaword-test-152", "text": "luca toni scored twice as italy beat ukraine #-# in the world cup quarter-finals here on friday to set up a mouth-watering last four clash against hosts germany .", "summaries": ["terrific toni seals semi-final place for italy by stefano UNK UNK picture"]} +{"id": "gigaword-test-153", "text": "north korea on saturday staged a state funeral for UNK minister kim kwang-jin , who died thursday at the age of ## , the second key military figure to die in less than a week .", "summaries": ["n. korea holds state funeral for vice defense minister"]} +{"id": "gigaword-test-154", "text": "up to ###,### revellers packed sydney 's streets to celebrate the gay and lesbian mardi gras , breaking attendance records for the eye - popping annual street festival .", "summaries": ["sydney 's gay and lesbian mardi gras draws record-breaking crowd UNK pictures"]} +{"id": "gigaword-test-155", "text": "zairean president mobutu sese seko will stay at his french riviera residence until at least the middle of the week because of an increase in diplomatic activity , a mobutu aide said on sunday .", "summaries": ["zaire president mobutu to stay in france till mid-week"]} +{"id": "gigaword-test-156", "text": "the rand was slightly weaker against the dollar in early trade here monday , opening at #.#### \\/ ## to the greenback compared to its close friday of #.#### \\/ ## .", "summaries": ["rand slightly weaker against dollar in early trade"]} +{"id": "gigaword-test-157", "text": "the head of al-azhar , the top sunni moslem authority , will visit germany next week to discuss the teaching of islam in europe , his spokesman said monday .", "summaries": ["top moslem cleric to visit germany"]} +{"id": "gigaword-test-158", "text": "all countries that signed the european union 's maastricht treaty have `` exactly the same right '' to join in monetary union at the outset , as long as they meet the convergence criteria , french president jacques chirac said on monday .", "summaries": ["chirac says all maastricht signers have same right to emu"]} +{"id": "gigaword-test-159", "text": "a thai man believed to have been killed in a knife fight has caused a stir by returning to his home eight months after his own funeral , a thai daily reported tuesday .", "summaries": ["thai man returns home eight months after his funeral"]} +{"id": "gigaword-test-160", "text": "it 's official .", "summaries": ["mandela presents new love to the world"]} +{"id": "gigaword-test-161", "text": "croatia protested tuesday over an attack against a roman catholic church in sarajevo , which came just one month ahead of a scheduled visit by the pope , hina news agency said .", "summaries": ["croatia protests over attack on catholic church in sarajevo"]} +{"id": "gigaword-test-162", "text": "senior magistrates in france have accused president jacques chirac and the government of ignoring their objections when making important judicial appointments , it was reported wednesday .", "summaries": ["france : top magistrates say government ignoring their views"]} +{"id": "gigaword-test-163", "text": "the german government and red cross have decided to give ###,### dollars in humanitarian aid to victims of the earthquake which devastated UNK in northwest iran , the embassy here announced wednesday .", "summaries": ["germany gives ###,### dollars in aid for iran quake victims"]} +{"id": "gigaword-test-164", "text": "imf chief michel camdessus wednesday told india to prepare for a second wave of economic reforms to catch up with asian tigers .", "summaries": ["india should prepare for second wave of economic reforms : imf chief"]} +{"id": "gigaword-test-165", "text": "canada 's government is investigating a decision by the us-owned wal - mart retail chain to pull UNK pyjamas from its canadian stores , international trade minister art eggleton said wednesday .", "summaries": ["wal-mart being probed by canada for withdrawing cuban goods"]} +{"id": "gigaword-test-166", "text": "india 's congress -lrb- i -rrb- party thursday said it would block some of the government 's UNK tax cut plans .", "summaries": ["india 's congress party threatens to sink budget tax plans"]} +{"id": "gigaword-test-167", "text": "about ### rwandan refugees who have flown in from civil war-torn eastern zaire were stuck thursday at nairobi 's wilson airport , where immigration officials refused to allow them on to kenyan territory .", "summaries": ["refugees from zaire stuck at nairobi airport by annie thomas"]} +{"id": "gigaword-test-168", "text": "the united states underscored thursday its support for international efforts to contain the insurrection in albania and pressed president sali berisha to find a compromise to end the unrest .", "summaries": ["us backs osce on albania crisis by andre UNK"]} +{"id": "gigaword-test-169", "text": "colonel theoneste bagosora , a suspected ringleader of the rwandan ethnic massacres of #### , pleaded not guilty friday to charges of genocide and crimes against humanity at the un war crimes court .", "summaries": ["UNK key rwandan suspect pleads not guilty to genocide charges"]} +{"id": "gigaword-test-170", "text": "the us economy created ###,### jobs in february when the unemployment rate dropped from #.# percent to #.# percent , the government reported friday .", "summaries": ["UNK us economy creates ###,### jobs in UNK"]} +{"id": "gigaword-test-171", "text": "six us tourists and their costa rican pilot cheated death friday when their twin-engine plane crashed into a wooded hillside outside costa rica 's capital , red cross officials said .", "summaries": ["all six us tourists and pilot survive costa rica crash"]} +{"id": "gigaword-test-172", "text": "zairean rebels , led by laurent-desire kabila , on saturday rejected calls by the united nations for a ceasefire , saying it could only be called after talks with kinshasa .", "summaries": ["zairean rebels reject un call for ceasefire"]} +{"id": "gigaword-test-173", "text": "south korean union leaders on sunday threatened renewed strikes against new labor rules drafted by parliament to replace a controversial bill which sparked industrial unrest last december .", "summaries": ["skorean unions threaten new strikes against revised labor law by c. w. lim"]} +{"id": "gigaword-test-174", "text": "egyptian president hosni mubarak said sunday said he would ask us president bill clinton to `` use his influence '' to halt a controversial planned jewish settlement in east jerusalem .", "summaries": ["mubarak to ask clinton for help in halting jerusalem housing plan"]} +{"id": "gigaword-test-175", "text": "the stability of hong kong 's stockmarket will continue after july #st , when the territory is handed by to china , central monetary authority president joseph yam said here monday .", "summaries": ["hongkong bourse seen stable after july #"]} +{"id": "gigaword-test-176", "text": "the deputy president of a us study group on foreign UNK said here monday normalisation of relations between pakistan and india would give a boost to foreign investment in the region .", "summaries": ["us think tank leader urges normalisation between pakistan india"]} +{"id": "gigaword-test-177", "text": "diana , princess of wales , on monday visited a homeless emergency cold weather shelter in a notorious red light district in central london - but found her motives questioned by those whose cause she hoped to highlight .", "summaries": ["diana 's motives questioned in visit to red light district homeless hostel"]} +{"id": "gigaword-test-178", "text": "the rand firmed further against the dollar in early trade here tuesday , opening at #.#### \\/ ## to the greenback against #.#### \\/ ## at close on monday .", "summaries": ["rand firms against dollar"]} +{"id": "gigaword-test-179", "text": "the un chief of eastern slavonia , the last serb-held part of croatia , confirmed tuesday that key elections would be held here on april ## as part of local ballots throughout croatia .", "summaries": ["un confirms elections to be on UNK ## in eastern slavonia"]} +{"id": "gigaword-test-180", "text": "the arab group in the united nations on tuesday dismissed israel 's warning that a palestinian bid to apply international pressure against israel could freeze the peace process .", "summaries": ["arab group condemns israeli ministers remarks on peace process"]} +{"id": "gigaword-test-181", "text": "sesame street has extended to shanghai through a joint production of a chinese version , sponsored by us power company general electric -lrb- ge -rrb- , of the us made children 's television program .", "summaries": ["sesame street extends to shanghai"]} +{"id": "gigaword-test-182", "text": "unrest in albania inched closer to the capital tirana on wednesday , as president sali berisha was trying to defuse tension by forming a new government headed by an opposition socialist .", "summaries": ["albania 's unrest inches closer to UNK by UNK UNK"]} +{"id": "gigaword-test-183", "text": "the un general assembly appeared poised to adopt a resolution denouncing israel 's plans to build housing for thousands of jewish settlers in east jerusalem .", "summaries": ["israel has few allies in un debate over east jerusalem expansion by rene UNK"]} +{"id": "gigaword-test-184", "text": "the cambodian military is growing impatient with delays in peace negotiations being used by khmer rouge military commander ta mok , who is acting like colonel kurtz from the film `` apocalypse now , '' a senior defense ministry official said thursday .", "summaries": ["khmer rouge supremo likened to UNK now colonel"]} +{"id": "gigaword-test-185", "text": "thai share prices dropped #.# percent in thin trading thursday amid profit-taking by local traders , analysts said .", "summaries": ["thai share prices drop #.# percent"]} +{"id": "gigaword-test-186", "text": "UNK", "summaries": ["UNK ### break out of tirana jail"]} +{"id": "gigaword-test-187", "text": "the ##,### employees of apple computer are awaiting word from chairman gilbert amelio , who on friday is to reveal details of a reorganization that could mean the elimination of ## percent of the jobs at the troubled group .", "summaries": ["a paralyzed UNK computer awaits word from its chief by isabel UNK"]} +{"id": "gigaword-test-188", "text": "an UNK number of chinese legislators on friday voted against the government 's annual report on efforts to combat crime and corruption .", "summaries": ["UNK chinese parliament gives rough ride to anti-crime reports"]} +{"id": "gigaword-test-189", "text": "a man has been shot dead in a catholic area of west belfast , police said friday .", "summaries": ["UNK man shot dead in catholic west belfast"]} +{"id": "gigaword-test-190", "text": "twenty-eight people were rushed to hospital saturday after ## different chemicals spilled inside the hold of a british airways boeing ### at london 's heathrow airport , the rescue services said .", "summaries": ["chemical spill at london airport sends ## to hospital"]} +{"id": "gigaword-test-191", "text": "a fairly strong earthquake measuring #.# on the richter scale rocked wide areas of central and western japan sunday , followed by four aftershocks , the meteorological agency said .", "summaries": ["quake shakes wide areas in UNK"]} +{"id": "gigaword-test-192", "text": "tens of thousands of demonstrators marched through brussels sunday , calling for eu action to defend jobs , amid widespread anger at a decision by french carmaker renault to close a factory here .", "summaries": ["tens of thousands march through brussels to defend jobs"]} +{"id": "gigaword-test-193", "text": "japan 's finance ministry was unlikely to sell down its holding in nippon telegraph and telephone co. .", "summaries": ["UNK government unlikely to sell ntt shares before ####"]} +{"id": "gigaword-test-194", "text": "a truck carrying illegal north african immigrants flipped over in northeastern spain , killing ## and injuring six others , police said monday .", "summaries": ["eleven immigrants killed in road accident in spain"]} +{"id": "gigaword-test-195", "text": "un secretary general kofi annan on monday heeded the advice of the leading industrialised nations and announced the merger of the world body 's three economic development departments into one .", "summaries": ["un chief heeds g# merges economic development departments"]} +{"id": "gigaword-test-196", "text": "an unscheduled flight from xiamen in china which could be carrying north korean defector hwang jang-yop landed tuesday at the clark airbase , north of here , sources at the manila international airport said .", "summaries": ["chinese plane arrives in philippines"]} +{"id": "gigaword-test-197", "text": "jakarta share prices closed #.# percent lower tuesday amid selling pressure on heavyweight stocks , brokers said .", "summaries": ["jakarta shares close #.# percent lower"]} +{"id": "gigaword-test-198", "text": "a shiite moslem cleric living in iran has threatened to call for a holy war against the bahraini government if it sentences to death alleged iranian-backed militants .", "summaries": ["shiite cleric warns of holy war against bahrain"]} +{"id": "gigaword-test-199", "text": "president bill clinton admitted tuesday that the us-russia summit will be a `` tough '' one as he heads for a showdown with president boris yeltsin over his cherished role of expanding nato .", "summaries": ["clinton admits us-russia agenda will be tough by gretchen cook"]} +{"id": "gigaword-test-200", "text": "rescuers have found the two black boxes belonging to the russian antonov-## charter plane which crashed tuesday in the north caucasus , killing the ## people on board , the ministry for emergencies said wednesday .", "summaries": ["black boxes recovered from plane crash site in caucasus"]} +{"id": "gigaword-test-201", "text": "burma has put five cities on a security alert after religious unrest involving buddhists and moslems in the northern city of mandalay , an informed source said wednesday .", "summaries": ["burma puts five cities on security alert after religious unrest"]} +{"id": "gigaword-test-202", "text": "prime minister benjamin netanyahu has proposed completing talks on the final status of palestinian territories in the next six months instead of the scheduled two years , according to israeli public television .", "summaries": ["UNK netanyahu wants to finish talks in six months"]} +{"id": "gigaword-test-203", "text": "politicians were urged thursday to regard public opinion not personal views when voting on a bill aimed at overturning the world 's first legislation allowing voluntary euthanasia .", "summaries": ["australian euthanasia widow goes public in plea for law to remain"]} +{"id": "gigaword-test-204", "text": "up to ## afghans have been killed and hundreds injured by a massive explosion at an ammunition depot in the eastern provincial capital jalalabad , kabul red cross officials said thursday .", "summaries": ["up to ## killed in afghan blast accident suspected by terence white"]} +{"id": "gigaword-test-205", "text": "delta air lines will hold a press conference at #### gmt thursday to announce a major new aircraft purchase , the company said in a statement .", "summaries": ["delta set to announce an important order"]} +{"id": "gigaword-test-206", "text": "vice president al gore thursday welcomed liggett group 's admission that smoking causes cancer and its decision to help state officials sue fellow cigarette makers .", "summaries": ["gore welcomes liggett admission that smoking causes cancer UNK refiling"]} +{"id": "gigaword-test-207", "text": "ukrainian president leonid kuchma threatened to dissolve parliament friday as deputies continued blocking the passage of the #### budget .", "summaries": ["UNK ukrainian president threatens to dissolve parliament"]} +{"id": "gigaword-test-208", "text": "german auto group volkswagen chalked up a sharply higher operating profit last year at #.## billion marks -lrb- #.## billion dollars -rrb- , up a cool ##.# percent from the #### level , the UNK concern announced on friday .", "summaries": ["volkswagen group reports surge in annual operating profit"]} +{"id": "gigaword-test-209", "text": "new research suggested saturday that ugly suspects with `` stereotypical criminal features '' are more likely to be found guilty than good - looking defendants .", "summaries": ["the beautiful go free while the ugly are damned"]} +{"id": "gigaword-test-210", "text": "the indian elephant will become extinct unless the government launches an all-out war against rampant poaching , wildlife experts say .", "summaries": ["indian elephant may be facing extinction : experts by UNK narayan UNK"]} +{"id": "gigaword-test-211", "text": "us vice president al gore arrived here sunday on the first leg of a three-nation asian tour to pave the way for a us-japan summit which will come amid a growing row over security and trade ties .", "summaries": ["us vice president gore arrives in UNK to kick off asian tour by UNK sato"]} +{"id": "gigaword-test-212", "text": "a girl of ## cut off a ##-year-old widower 's penis after he made advances to her , police here said sunday .", "summaries": ["spanish girl cuts off man 's penis for making sexual advances"]} +{"id": "gigaword-test-213", "text": "a joint venture involving japanese firms marubeni corp. and fuji sash co. .", "summaries": ["marubeni fuji UNK of UNK in philippine aluminum joint venture"]} +{"id": "gigaword-test-214", "text": "embattled zairean president mobutu sese seko on monday `` took note '' of parliament 's decision last week to sack the government of prime minister kengo wa dondo , national radio said .", "summaries": ["mobutu notes parliament 's decision to sack government"]} +{"id": "gigaword-test-215", "text": "president bill clinton will meet with jordan 's king hussein next week to discuss the latest developments in the mideast peace process , the white house announced monday .", "summaries": ["clinton to meet with hussein UNK #"]} +{"id": "gigaword-test-216", "text": "hong kong tycoon li ka-shing 's flagship cheung kong -lrb- holdings -rrb- ltd. is expected to report a UNK .# percent rise in #### net profits on wednesday , analysts said .", "summaries": ["hong kong 's cheung kong expected to report rise in #### profits"]} +{"id": "gigaword-test-217", "text": "japanese prosecutors raided the world 's biggest securities house , nomura securities co. .", "summaries": ["UNK prosecutors raid world 's biggest broker nomura by tim UNK"]} +{"id": "gigaword-test-218", "text": "china celebrated a groundbreaking visit by us vice president al gore on tuesday by signing #.# billion dollars worth of contracts with american giants boeing and general motors .", "summaries": ["china marks gore visit with #.# billion dollar contracts hk deal by UNK holland"]} +{"id": "gigaword-test-219", "text": "thousands of chanting voices soared into the air at a stadium here wednesday as the dalai lama led about ##,### people in a holy buddhist initiation rite aimed at freeing them from earthly ties .", "summaries": ["dalai lama leads ##,### in mass buddhist initiation rite"]} +{"id": "gigaword-test-220", "text": "wednesday 's evening rubber prices in singapore cents per kilo provided by the singapore commodity exchange : UNK", "summaries": ["evening rubber prices"]} +{"id": "gigaword-test-221", "text": "the un expert on missing persons in the former yugoslavia , manfred nowak , resigned on wednesday , blaming his decision to quit on a lack of support from the international community .", "summaries": ["un missing persons chief for former yugoslavia resigns"]} +{"id": "gigaword-test-222", "text": "a saudi national suspected in last year 's bombing of a us barracks in saudi arabia appeared at a crucial deportation hearing here wednesday .", "summaries": ["new charges brought against saudi suspect in terrorist bombing"]} +{"id": "gigaword-test-223", "text": "the sudanese opposition said here thursday it had killed more than ### government soldiers in an ambush in the east of the country .", "summaries": ["sudanese opposition says ### government troops killed in ambush"]} +{"id": "gigaword-test-224", "text": "malaysia denied thursday it was freezing new bilateral dealings with singapore , but conflicting signals rocked financial markets and sowed confusion on the diplomatic front .", "summaries": ["malaysia denies freeze with UNK but confusion rocks markets by anil UNK"]} +{"id": "gigaword-test-225", "text": "-lrb- graphic -rrb- UNK", "summaries": ["## die in well organized mass suicide in california : police"]} +{"id": "gigaword-test-226", "text": "at least ## people have been killed in fighting in northern kenya 's marsabit district between kenyan security forces and heavily-armed ethiopian bandits , the daily nation newspaper reported on friday .", "summaries": ["at least ## killed in fighting on UNK border"]} +{"id": "gigaword-test-227", "text": "a sudanese convicted of a series of murders and two other arabs found guilty of drug trafficking were beheaded on friday , the saudi interior ministry said .", "summaries": ["three beheaded in saudi arabia"]} +{"id": "gigaword-test-228", "text": "the first southeast asian biennial film festival opened here saturday with organizers hailing the event as a step toward rebuilding cambodia 's shattered film industry and promoting regional movies .", "summaries": ["southeast asian film festival opens in cambodia"]} +{"id": "gigaword-test-229", "text": "macedonian construction , environment and urbanization minister UNK UNK has resigned in connection with a scandal over the bankruptcy of the tat savings bank , the belgrade-based independent news agency beta reported , quoting skopje 's a# television .", "summaries": ["macedonian minister resigns over scandal more to go : beta"]} +{"id": "gigaword-test-230", "text": "palestinian police beat an israeli photographer working for agence france-presse in the west bank city of hebron on sunday and confiscated his film during a palestinian protest .", "summaries": ["palestinian police beat israeli UNK in hebron"]} +{"id": "gigaword-test-231", "text": "a key mediator in the ###-day-old hostage crisis hinted the leftist rebels holding ## captives here were seeking to negotiate a final peace accord with the government .", "summaries": ["key mediator hints peru rebels seek global peace accord by UNK UNK"]} +{"id": "gigaword-test-232", "text": "india and pakistan ended four days of official talks here monday , the first between the two neighbors for three years , and vowed to continue working for closer ties .", "summaries": ["UNK india pakistan vow to continue talks after #-year silence UNK UNK fixing date"]} +{"id": "gigaword-test-233", "text": "israeli prime minister benjamin netanyahu may be in washington next week and could meet with president bill clinton on the crumbling mideast peace process , the white house said monday .", "summaries": ["netanyahu may come to washington as peace process reaches critical phase"]} +{"id": "gigaword-test-234", "text": "members of the youth wing of vladimir putin 's united russia party on saturday launched a campaign against illegal immigration under the theme : `` our money for our people .", "summaries": ["football : serbian league results"]} +{"id": "gigaword-test-235", "text": "italy 's leftwing opposition , bruised by its election defeat in april , is hoping to take advantage of protests against education spending cuts to regain the initiative against the government of prime minister silvio berlusconi .", "summaries": ["italian opposition seeks to UNK on education protests"]} +{"id": "gigaword-test-236", "text": "several hundred people from france and other countries gathered in central paris sunday to mark what they called the first `` global day for the right to die in dignity .", "summaries": ["UNK militants hold global right-to-die day in paris"]} +{"id": "gigaword-test-237", "text": "india were ###-# at tea in their second innings on the fifth and final day of the third test against australia at the feroz shah kotla stadium here on sunday .", "summaries": ["cricket : india vs australia third test scoreboard"]} +{"id": "gigaword-test-238", "text": "there is little appetite among european union member states for military intervention in the democratic republic of congo , the eu 's most senior military figure warned monday .", "summaries": ["little eu will for tough drcongo operation : military chief"]} +{"id": "gigaword-test-239", "text": "german public regional bank hsh nordbank will ask the government for up to ## billion euros -lrb- ##.# billion dollars -rrb- in loan guarantees as part of a national rescue plan for the banking sector , it said in a statement on monday .", "summaries": ["german hsh nordbank wants up to ## bln euros in state guarantees"]} +{"id": "gigaword-test-240", "text": "hong kong shares closed #.# percent higher monday , led by property developers and hsbc , dealers said .", "summaries": ["hong kong shares close #.# percent higher"]} +{"id": "gigaword-test-241", "text": "talks between china and taiwan are expected to see the arch rivals forge closer economic ties this week but are unlikely to cool simmering tensions over the island 's sovereignty , analysts said .", "summaries": ["fresh taiwan-china talks to set stage for improved ties : analysts"]} +{"id": "gigaword-test-242", "text": "un chief ban ki-moon said he would personally mediate in the crisis in the democratic republic of congo where new clashes broke out tuesday , threatening a week-old ceasefire .", "summaries": ["ban to lead congo mediation as new clashes threaten truce"]} +{"id": "gigaword-test-243", "text": "after the longest and most expensive us presidential campaign ever , newspaper headlines on tuesday reflected both the historic importance of the occasion and relief that the outcome will soon be known .", "summaries": ["us press hail historic presidential vote"]} +{"id": "gigaword-test-244", "text": "americans vote in an election of rare historic potential tuesday , with front - running democrat barack obama seeking to become the first black president and republican john mccain hoping for a UNK comeback .", "summaries": ["history beckons obama mccain on election day"]} +{"id": "gigaword-test-245", "text": "taiwan share prices opened slightly lower tuesday with profit taking emerging as the market hovered close to the key #,###-point mark , dealers said .", "summaries": ["taipei shares open slightly lower"]} +{"id": "gigaword-test-246", "text": "ten senior french officers filed suit against rwanda for slander on tuesday after a justice minister 's report accused them of taking part in the #### genocide .", "summaries": ["ten french officers file suit over rwanda genocide report"]} +{"id": "gigaword-test-247", "text": "voter turnout reached a level unseen for a century in the historic election that swept barack obama to power as the first black us president , according to data published by analysts on wednesday .", "summaries": ["record turnout for us election : analysts"]} +{"id": "gigaword-test-248", "text": "retailers in the ## countries using the euro saw demand slip less than expected in september despite the worst financial crisis for generations , official eu data showed on wednesday UNK", "summaries": ["eurozone retail sales slip less than expected : eu data"]} +{"id": "gigaword-test-249", "text": "australian prime minister kevin rudd wednesday praised us president-elect barack obama for turning martin luther king 's dream into a reality after the african - american won his country 's highest office .", "summaries": ["australian pm says obama has turned king 's dream to reality"]} +{"id": "gigaword-test-250", "text": "obama wins us presidency : networks UNK", "summaries": ["flash UNK UNK UNK"]} +{"id": "gigaword-test-251", "text": "the united states has further restricted iran 's access to the us financial system by banning certain types of fund transfers , the treasury department said thursday .", "summaries": ["UNK UNK UNK UNK us tightens screws on iran 's access to banks"]} +{"id": "gigaword-test-252", "text": "australia coach robbie deans has made eight changes to the side that was defeated by new zealand at the weekend ahead of the wallabies ' test against italy here sunday .", "summaries": ["rugbyu : deans rings changes for aussies azzurri test"]} +{"id": "gigaword-test-253", "text": "austrian bank raiffeisen international trimmed its #### profit forecast on thursday , citing a `` changed market situation .", "summaries": ["afp UNK advisory"]} +{"id": "gigaword-test-254", "text": "india were ###-# in their first innings at lunch on the opening day of the fourth and final test against australia here on thursday .", "summaries": ["cricket : india ###-# at lunch in final australia test"]} +{"id": "gigaword-test-255", "text": "thousands of people attacked chinese police in the southern city of shenzhen from friday afternoon to early saturday morning , state media reported .", "summaries": ["thousands attack police in southern china : state media"]} +{"id": "gigaword-test-256", "text": "us president george w. bush on friday warned that it would take time for federal stimulus measures to have their full economic effect amid news of steep job losses .", "summaries": ["it will take time for economic measures to take effect : bush"]} +{"id": "gigaword-test-257", "text": "bank lending tightened up as financial markets erupted this year and is set to tighten further in the near future , a european central bank survey showed on friday , despite massive efforts by authorities to unfreeze credit markets .", "summaries": ["eurozone bank lending set to tighten ecb survey finds"]} +{"id": "gigaword-test-258", "text": "five french trekkers and mountaineers were among six foreigners killed during the autumn climbing season in nepal , the french embassy and nepalese officials said friday .", "summaries": ["nepal climbing season claims five french lives"]} +{"id": "gigaword-test-259", "text": "argentine striker gonzalo higuain scored an incredible four goals , including two questionable penalties , as ten-man real madrid came from behind three times to defeat malaga #-# on sunday and go top of the spanish first division for the first time this season .", "summaries": ["four goal hero higuain fires real top"]} +{"id": "gigaword-test-260", "text": "the death toll from a school collapse in a haitian shanty-town rose to ## after rescue workers uncovered a classroom with ## dead students and their teacher , officials said saturday .", "summaries": ["toll rises to ## in haiti school UNK : official"]} +{"id": "gigaword-test-261", "text": "us president-elect barack obama on friday said he would act `` swiftly '' as soon as he takes office to confront the economic crisis head on , during his first news conference since his historic election .", "summaries": ["obama vows to confront economic crisis head on"]} +{"id": "gigaword-test-262", "text": "pope benedict xvi marked sunday the ##th anniversary of the kristallnacht pogrom , a prelude to the holocaust , by recalling the agony he felt as a boy growing up in nazi germany .", "summaries": ["pope speaks of pain of kristallnacht memories"]} +{"id": "gigaword-test-263", "text": "australian foreign minister stephen smith sunday congratulated new zealand 's new prime minister-elect john key as he praised ousted leader helen clark as a `` gutsy '' and respected politician .", "summaries": ["time caught up with nz 's gutsy clark says australian fm"]} +{"id": "gigaword-test-264", "text": "iraq 's cabinet is expected to meet in baghdad on tuesday to discuss a military accord that will govern the presence of american troops in iraq beyond #### , a minister said on monday .", "summaries": ["iraq 's cabinet expected to meet on us pact as deadline looms"]} +{"id": "gigaword-test-265", "text": "syria and lebanon decided on monday to boost border controls and anti-terrorism coordination , as the two neighbors took a new step to strengthen ties since diplomatic relations were established .", "summaries": ["syria and lebanon to boost border anti-terror controls"]} +{"id": "gigaword-test-266", "text": "global banking giant hsbc said on monday that its pre-tax profits had risen in the third-quarter despite loan write-offs in the united states rising to #.# billion dollars -lrb- #.# billion euros -rrb- .", "summaries": ["hsbc says profits rise despite rising us bad debts"]} +{"id": "gigaword-test-267", "text": "fourteen men accused of membership of organised crime gangs and involvement in a savage europe-wide vendetta go on trial wednesday at UNK in southern italy .", "summaries": ["trial opens wednesday in case of italian organised crime vendetta"]} +{"id": "gigaword-test-268", "text": "russia 's defense industry has been badly hit by the global financial crisis , deputy prime minister sergei ivanov , a former defense minister , said tuesday .", "summaries": ["russia 's defense sector hit by financial crisis : govt official"]} +{"id": "gigaword-test-269", "text": "grim overall economic and corporate news pushed global stocks into reverse on tuesday despite an unexpected beam of light for the german economy .", "summaries": ["grim economic outlook knocks stocks back despite german uplift"]} +{"id": "gigaword-test-270", "text": "eight members of an ultra-left anarchist group have been arrested in connection with a string of attacks on france 's rail network , french interior minister michele alliot-marie announced tuesday .", "summaries": ["train sabotage : eight leftwing anarchists arrested : minister"]} +{"id": "gigaword-test-271", "text": "angola cup final result on wednesday : UNK", "summaries": ["football : angola cup final santos # UNK #"]} +{"id": "gigaword-test-272", "text": "iraqi foreign minister hoshyar zebari on wednesday repeated baghdad 's denunciation of a deadly us raid on a syrian village that he said harmed relations between the neighbouring countries .", "summaries": ["iraq again denounces us attack on syrian village"]} +{"id": "gigaword-test-273", "text": "a blue-ribbon panel of experts said on wednesday that german economic growth will grind to a halt next year , raising doubts about berlin 's plans to shield europe 's biggest economy from the global turmoil .", "summaries": ["german economy will grind to halt in #### say experts"]} +{"id": "gigaword-test-274", "text": "new zealand share prices closed #.## percent lower wednesday after investors took their lead from further weakness in overseas markets , dealers said .", "summaries": ["new zealand shares close down #.## percent"]} +{"id": "gigaword-test-275", "text": "juventus moved into second place in italy 's serie a with a #-# win over genoa at turin 's stadio olimpico .", "summaries": ["football : juventus up to second in impressive style"]} +{"id": "gigaword-test-276", "text": "us shares managed modest gains in morning trade thursday as investors looked for bargains after a punishing three-day market selloff and shook off more bleak economic and corporate news .", "summaries": ["wall street struggles higher after three-day rout"]} +{"id": "gigaword-test-277", "text": "chelsea striker didier drogba is under investigation for an incident during wednesday night 's league cup loss to burnley when he threw a coin back at the crowd , police confirmed thursday .", "summaries": ["afp world news agenda"]} +{"id": "gigaword-test-278", "text": "china plans to punish singers who UNK for `` cheating the public , '' the ministry of culture said thursday .", "summaries": ["afp features"]} +{"id": "gigaword-test-279", "text": "shivnarine chanderpaul hit a fighting century but could n't stop pakistan winning the second day-night international by ## runs here on friday , securing an unbeatable #-# lead .", "summaries": ["cricket : chanderpaul 's hundred in vain as pakistan clinch series"]} +{"id": "gigaword-test-280", "text": "german carmaker opel , a unit of troubled us giant general motors , has asked berlin and regional states for credit guarantees to ensure its financing , its chief executive hans UNK said in an interview published friday .", "summaries": ["opel asks for german public loan guarantees : report"]} +{"id": "gigaword-test-281", "text": "a chinese fishing boat with a ##-man crew has been hijacked by pirates off the coast of east africa and is being held in somalia , state media reported here on friday .", "summaries": ["china fishing boat hijacked off east africa : chinese state media"]} +{"id": "gigaword-test-282", "text": "vietnam has rejected a proposal by south korea 's posco group to build a #.# - billion-dollar steel mill near a coastal resort , citing environmental concerns , state media reported on friday .", "summaries": ["golf : UNK open scores"]} +{"id": "gigaword-test-283", "text": "french pilots voted saturday to press ahead with a strike which has severely hit flag carrier air france , the head of their main union told afp , ensuring further disruption .", "summaries": ["bulletin UNK UNK UNK"]} +{"id": "gigaword-test-284", "text": "iran , opec 's number two oil producer , favors a cut in crude production of #.# to #.# million barrels per day when the oil cartel meets in cairo later this month , state television reported saturday .", "summaries": ["iran favors opec cut of #.# to #.# million bpd"]} +{"id": "gigaword-test-285", "text": "villarreal coach manuel pellegrini was understandably disappointed at dropping two points in the title race as malaga scored a ##th minute equaliser to snatch a #-# draw on sunday .", "summaries": ["football : pellegrini rues dropped villarreal points"]} +{"id": "gigaword-test-286", "text": "stock markets in the gulf states plunged on the week 's opener sunday as panic from the fallout of the global economic crisis continued to dampen investor sentiment .", "summaries": ["gulf stocks plunge as g## fails to halt panic"]} +{"id": "gigaword-test-287", "text": "a brutal financial crisis showed its teeth on monday as us banking giant citigroup announced a massive ##,### job cuts and automakers begged governments to save them amid a spreading global recession .", "summaries": ["global crisis shows teeth with mass citigroup cuts"]} +{"id": "gigaword-test-288", "text": "international mediators raised concerns monday over fresh fighting near azerbaijan 's disputed nagorny karabakh region that left at least one soldier dead at the weekend .", "summaries": ["mediators raise concerns over deadly karabakh fighting"]} +{"id": "gigaword-test-289", "text": "hosts india defeated england by ## runs on monday to take a #-# lead in the seven-match one-day series .", "summaries": ["afp UNK advisory"]} +{"id": "gigaword-test-290", "text": "leading tibetan exiles began a week-long meeting monday in northern india that could usher in a more radical approach to their long struggle against chinese rule in tibet .", "summaries": ["tibetans plot future after dalai lama admits failure"]} +{"id": "gigaword-test-291", "text": "british premier gordon brown has narrowed the poll gap on opposition conservatives to just three points , a survey showed tuesday , the latest sign of a boost from his handling of the financial crisis .", "summaries": ["british pm gets poll boost from crisis management"]} +{"id": "gigaword-test-292", "text": "barclays , the second-biggest british bank , said tuesday that investors from the oil-rich gulf had agreed to amend terms of their proposed capital injection worth billions of dollars .", "summaries": ["barclays proposed gulf investors amend injection plan"]} +{"id": "gigaword-test-293", "text": "chinese share prices plummeted #.## percent on tuesday as unabated concerns over china 's slowing economy and weakness in regional markets triggered heavy selling , dealers said .", "summaries": ["chinese shares close down #.## pct"]} +{"id": "gigaword-test-294", "text": "david beckham 's career should be over , england 's #### world cup winner martin peters said following the la galaxy midfielder 's run of substitute appearances .", "summaries": ["football : beckham career should be over says world cup winner peters"]} +{"id": "gigaword-test-295", "text": "barack obama 's transition team dropped broad hints wednesday about who will fill a raft of top posts in his administration , naming teams of aides to develop policies in key areas .", "summaries": ["obama gives hints about key administration posts"]} +{"id": "gigaword-test-296", "text": "al-qaeda number two ayman zawahiri warned us president-elect barack obama against sending more troops to afghanistan , in an internet UNK released on wednesday .", "summaries": ["zawahiri warns obama against sending troops to afghanistan"]} +{"id": "gigaword-test-297", "text": "just as germany comes under pressure to do more to jumpstart the world 's third biggest economy , party politics is rearing its ugly head and undermining berlin 's efforts to weather a sharp global slowdown .", "summaries": ["party politics undermine german economic defences"]} +{"id": "gigaword-test-298", "text": "the use of nuclear weapons will grow increasingly likely by #### , us intelligence warned thursday in a report on global trends that forecasts a tense , unstable world shadowed by war .", "summaries": ["use of nuclear UNK more likely in future : us intelligence"]} +{"id": "gigaword-test-299", "text": "russian president dmitry medvedev on thursday demanded ukraine repay #.# billion dollars -lrb- #.# billion euros -rrb- of debt to russian energy giant gazprom , saying kiev could be `` forced '' to pay up .", "summaries": ["medvedev demands ukraine repay #.# billion dollar gas debt"]} +{"id": "gigaword-test-300", "text": "the council of europe 's human rights commissioner slammed thursday as `` unacceptable '' conditions in france 's overcrowded and dilapidated jails , where some ## inmates have committed suicide this year .", "summaries": ["council of europe again slams french prison conditions"]} +{"id": "gigaword-test-301", "text": "there could be a nasty surprise under the tree for the us economy this christmas .", "summaries": ["grim tidings for us christmas shopping season"]} +{"id": "gigaword-test-302", "text": "opponents of the leftist government of president daniel ortega said wednesday they had enough votes in congress to annul the disputed november # municipal elections in nicaragua .", "summaries": ["afp client advisory on australian cricket coverage"]} +{"id": "gigaword-test-303", "text": "oil prices continued to struggle under ## dollars per barrel on friday after they hit their lowest levels in almost four years on concerns over weakening demand and the prospect of a global recession .", "summaries": ["afptv UNK advisory for friday"]} +{"id": "gigaword-test-304", "text": "malaysian shares are expected to remain volatile in the coming week on continuing uncertainties in the global financial markets and fears over the length of a global recession , dealers said friday .", "summaries": ["malaysian shares to remain volatile next week : analysts"]} +{"id": "gigaword-test-305", "text": "kevin garnett scored ## points in his return after a one-game suspension and the boston celtics ripped detroit ##-## here thursday in a rematch of last season 's nba semi-finals .", "summaries": ["basketball : garnett makes triumphant return as celtics top pistons"]} +{"id": "gigaword-test-306", "text": "the alleged al-qaeda mastermind of a #### transatlantic airplane bombing plot had been on the run for nearly a year before a us missile attack in northwest pakistan ended his life saturday .", "summaries": ["terror plot mastermind killed in pakistan after year on the run"]} +{"id": "gigaword-test-307", "text": "somali pirates holding a huge oil-laden saudi tanker on saturday vowed to fight back should any assault be attempted to free the ship and urged its owners to pay up a ## million dollars ransom .", "summaries": ["we 'll fight back somali pirates warn"]} +{"id": "gigaword-test-308", "text": "australian share prices opened slightly higher on monday following a big rally on wall street ahead of the weekend .", "summaries": ["australian shares open up #.# percent"]} +{"id": "gigaword-test-309", "text": "portsmouth striker jermain defoe could be ruled out for several weeks if a specialist decides the england international needs surgery to cure a calf injury .", "summaries": ["football : defoe to see specialist over calf injury"]} +{"id": "gigaword-test-310", "text": "south korea 's central bank is likely to inject up to #.# billion dollars into a state fund aimed at easing a credit squeeze in the country 's debt market , a report said sunday .", "summaries": ["skorea 's central bank to inject money into bond fund : report"]} +{"id": "gigaword-test-311", "text": "oil prices roared higher towards ## dollars on monday as equity markets surged on government action aimed at tackling a severe economic downturn .", "summaries": ["oil prices soar towards ## dollars"]} +{"id": "gigaword-test-312", "text": "malaysia 's central bank on monday cut its interest rate by ## basis points to #.## percent in a bid to boost growth amid the global economic crisis .", "summaries": ["malaysia central bank cuts key interest rate to #.## pct"]} +{"id": "gigaword-test-313", "text": "british-based standard chartered bank said monday it plans to raise #.## billion pounds -lrb- #.## billion us dollars -rrb- in a rights issue to better position itself during the global financial turmoil .", "summaries": ["standard chartered to raise #.## billion dollars in rights issue"]} +{"id": "gigaword-test-314", "text": "french champions lyon knocked fiorentina out of the champions UNK with a #-# victory here on tuesday as they ensured their own place in the knock-out stages .", "summaries": ["football : fiorentina sent tumbling by lyon defeat"]} +{"id": "gigaword-test-315", "text": "the us banking industry 's profits slid ## percent in the third quarter from a year ago to #.# billion dollars , reflecting the credit crisis ravaging the sector and overall economy , regulators said tuesday .", "summaries": ["us banking profits slump ## percent"]} +{"id": "gigaword-test-316", "text": "polls opened across greenland at #:## am -lrb- #### gmt -rrb- tuesday for a referendum on self-rule for the island that could pave the way for full independence from denmark in the future .", "summaries": ["UNK UNK UNK UNK polls open in greenland self-rule referendum"]} +{"id": "gigaword-test-317", "text": "the world 's biggest miner bhp billiton announced tuesday it was dropping its controversial hostile takeover bid for rival rio tinto due to the state of the global economy .", "summaries": ["bhp billiton drops rio tinto takeover bid"]} +{"id": "gigaword-test-318", "text": "south korea posted a current account surplus of #.# billion dollars in october , the central bank said thursday , a figure that is likely to relieve pressure on the shaky won .", "summaries": ["skorea posts current account surplus for october"]} +{"id": "gigaword-test-319", "text": "iraq plans to hold a july referendum on a controversial military pact allowing us troops to remain for another three years that parliament is expected to adopt on thursday in a delayed vote .", "summaries": ["iraq to hold referendum on us troops pact"]} +{"id": "gigaword-test-320", "text": "new insurgency-linked violence left five policemen and ## militants dead in afghanistan , authorities said wednesday , as a un security council team continued a tour to assess post-taliban development .", "summaries": ["## killed in afghanistan as un security council team tours"]} +{"id": "gigaword-test-321", "text": "thailand 's powerful army chief wednesday told anti-government protesters they must leave several key sites that they are occupying , including bangkok 's international airport .", "summaries": ["thai protesters must leave airport other sites : army chief"]} +{"id": "gigaword-test-322", "text": "two units of taiwan 's industrial conglomerate formosa plastic group have agreed to lend ### million us dollars to micron technology of the united states , the companies said wednesday .", "summaries": ["taiwan 's formosa to lend micron ### mln dollars for acquisition"]} +{"id": "gigaword-test-323", "text": "writer juan marse was thursday awarded the cervantes prize , the top literary prize in the spanish-speaking world , culture minister cesar antonio molina announced .", "summaries": ["spanish novelist juan UNK wins top literary prize"]} +{"id": "gigaword-test-324", "text": "greek state-run public power corporation -lrb- ppc -rrb- on thursday slumped to a loss of ###.# million euros -lrb- ### million dollars -rrb- in the first nine months of #### despite a ## percent increase in sales .", "summaries": ["greek state power utility slumps into loss"]} +{"id": "gigaword-test-325", "text": "consumer and business confidence in the european union slumped in november to the lowest level in ## years in the face of looming recession , according to an eu survey on thursday .", "summaries": ["eu consumer business confidence hits ##-year low : survey"]} +{"id": "gigaword-test-326", "text": "chinese shares were up #.## percent by midday thursday after the central bank announced its biggest interest rate cut in a decade to boost weakening economic growth , dealers said .", "summaries": ["chinese shares up #.## pct at midday"]} +{"id": "gigaword-test-327", "text": "celtic midfielder paul hartley launched a passionate defense of scottish football on friday after another week of european misery .", "summaries": ["football : scottish football is not a joke says celtic star"]} +{"id": "gigaword-test-328", "text": "a french plane has arrived in mumbai that could help repatriate up to ### europeans from the indian metropolis that has come under attack from islamist extremists , the french foreign ministry said friday .", "summaries": ["french plane in mumbai to repatriate europeans"]} +{"id": "gigaword-test-329", "text": "turkey 's telecom authority auctioned three #g mobile phone licences on friday , raising ### million euros -lrb- #.## billion dollars -rrb- at a time of strain on the national public finances .", "summaries": ["golf : world cup scores"]} +{"id": "gigaword-test-330", "text": "new zealand shares closed #.## percent higher friday in their fourth straight rise as investors welcomed an easing of volatility in world markets , dealers said .", "summaries": ["new zealand shares close #.## percent higher"]} +{"id": "gigaword-test-331", "text": "new zealand completed their second grand slam in three years and third overall with a ##-# win over england at twickenham here saturday .", "summaries": ["rugbyu : all blacks down england to seal grand slam"]} +{"id": "gigaword-test-332", "text": "the united nations and the european commission called on saturday for a global stimulus package , but the absence of major leaders at a un aid conference in qatar lowered hopes about the outcome .", "summaries": ["un ec call for global stimulus at development meet"]} +{"id": "gigaword-test-333", "text": "four people , including three policemen , were killed when a police car came under fire in the capital of the restive russian republic of dagestan , police quoted by russian news agencies said sunday .", "summaries": ["football : spanish league table #st UNK"]} +{"id": "gigaword-test-334", "text": "german chancellor angela merkel presides monday over a key annual congress of her party -- which has been divided over her response to the financial crisis -- ahead of federal elections in #### .", "summaries": ["merkel 's party holds key congress ahead of #### polls"]} +{"id": "gigaword-test-335", "text": "tamil tiger guerrillas monday admitted losing ## men in a weekend suicide attack against the navy in northern sri lanka which may have set back military plans for a fresh offensive against them .", "summaries": ["tigers admit losing ## in suicide attack on navy"]} +{"id": "gigaword-test-336", "text": "the european union is to take china to task at the un human rights commission over its policy , notably in tibet , after failing to win concessions from beijing , diplomats said monday .", "summaries": ["european union to take china to task over human rights"]} +{"id": "gigaword-test-337", "text": "the dollar was quoted at ###.##-## yen here early tuesday , up from ###.## yen monday afternoon and from ###.## yen in new york late monday .", "summaries": ["dollar at ###.##-## yen in early tokyo trading"]} +{"id": "gigaword-test-338", "text": "israel and qatar signed here on tuesday an agreement to open trade representation offices in each other 's country .", "summaries": ["qatar israel sign accord to open trade offices"]} +{"id": "gigaword-test-339", "text": "the dollar and major european currencies traded within narrow ranges on tuesday on the london forex market , which was waiting for the easter holiday weekend and for us employment figures to be announced on friday , traders said in late afternoon .", "summaries": ["london forex market stable as market waits for easter us data"]} +{"id": "gigaword-test-340", "text": "a senior us official arrived here wednesday for a week of talks with chinese counterparts aimed at settling a long-running dispute over copyright piracy in china .", "summaries": ["us official in beijing for talks on copyright piracy row"]} +{"id": "gigaword-test-341", "text": "the british government on wednesday pledged that if it decides , after general elections to be held within a year , to participate in a european single currency , it would put the question to a referendum .", "summaries": ["referendum on monetary union if government decides to join"]} +{"id": "gigaword-test-342", "text": "a court wednesday ordered a full investigation into the abductions of ## people amid widespread official persecution of leftists during argentina 's ####-#### military government .", "summaries": ["court orders investigation of ## abductions in argentina"]} +{"id": "gigaword-test-343", "text": "professor ding zilin has devoted six years to contacting families who lost relatives in the #### tiananmen massacre , but she spent chinese remembrance day alone thursday , grieving for her ##-year-old son .", "summaries": ["families of tiananmen victims remember their dead alone"]} +{"id": "gigaword-test-344", "text": "torture and maltreatment of prisoners , suspected terrorists and even children is increasingly widespread in many countries , according to the latest un report on torture released thursday .", "summaries": ["torture is common practice in many countries : un report"]} +{"id": "gigaword-test-345", "text": "communist members of the russian parliament have drawn up a draft law that would roll back many of the economic reforms president boris yeltsin launched in #### , the new york times said friday .", "summaries": ["russian communists propose to roll back reforms UNK"]} +{"id": "gigaword-test-346", "text": "grid positions after the final qualifying session in the indonesian motorcycle grand prix at the sentul circuit , west java , saturday : UNK", "summaries": ["indonesian motorcycle grand prix grid positions"]} +{"id": "gigaword-test-347", "text": "mystery fumes swept through a tokyo subway station sunday forcing the hospitalisation of one woman and causing a new scare over the aum supreme truth cult .", "summaries": ["woman injured in tokyo subway fumes scare"]} +{"id": "gigaword-test-348", "text": "algerian leaders have pencilled in the first half of next year for key legislative elections which could usher in genuine democracy in the war-wracked nation , a political leader said sunday after talks with president liamine zeroual .", "summaries": ["algeria targets #### for elections"]} +{"id": "gigaword-test-349", "text": "anatoli UNK of kazakhstan shattered a world record of ###.# kilogrammes in the clean and jerk on monday on his way to winning the men 's ##kg class at the asian weightlifting championships .", "summaries": ["UNK breaks world weightlifting record"]} +{"id": "gigaword-test-350", "text": "eric cantona kept up his one-man crusade to land manchester united their third premiership title in four years by steering his side six points clear at the top with a #-# victory over coventry on monday .", "summaries": ["red-hot cantona stokes united title hopes"]} +{"id": "gigaword-test-351", "text": "some ### civilians , including lebanese diplomats and other foreigners , were being held hostage tuesday by liberian gunmen as factional fighting in the capital entered a fourth day , aid workers said .", "summaries": ["UNK new series ### held hostage amid fourth day of monrovia clashes by james UNK"]} +{"id": "gigaword-test-352", "text": "fading title challengers newcastle may be forgiven for thinking that life at the top is tough -- but they should spare a thought for those scrapping for survival at the foot of the premiership .", "summaries": ["everything to play for in premiership UNK by UNK UNK"]} +{"id": "gigaword-test-353", "text": "foreign ministers and officials of ## islamic countries met in the bosnian capital wednesday to discuss the contribution of the islamic world to the reconstruction of this war-shattered country .", "summaries": ["islamic countries discuss aid for bosnia"]} +{"id": "gigaword-test-354", "text": "world number two pete sampras recovered from a second-set lapse in concentration to defeat canadian sebastian lareau #-# , #-# , #-# in the salem hong kong open here on wednesday .", "summaries": ["sampras recovers from second-set UNK"]} +{"id": "gigaword-test-355", "text": "the electric car market got a jump start here wednesday as honda and toyota unveiled their vehicles for california , which is expected to be the us proving ground for non-polluting automobiles .", "summaries": ["honda toyota unveil electric cars to woo california drivers by karen lowe"]} +{"id": "gigaword-test-356", "text": "friday : munich #### v uerdingen , eintracht frankfurt v hansa rostock , saturday : borussia moenchengladbach v cologne , sankt pauli v werder bremen , stuttgart v bayern munich , freiburg v karlsruhe , kaiserslautern v hamburg , borussia dortmund v schalke ## , sunday : bayer leverkusen v dusseldorf UNK", "summaries": ["germany :"]} +{"id": "gigaword-test-357", "text": "boat dealers and builders participating in the first-ever international boat show in china are forecasting a boom in leisure - craft sales within the next five years .", "summaries": ["boat builders see boom in UNK sales UNK picture by leu siew ying"]} +{"id": "gigaword-test-358", "text": "israeli prime minister shimon peres warned residents of southern lebanon to prepare for imminent retaliatory strikes friday against villages used by hezbollah guerrillas to rocket UNK shemona and other northern israeli towns .", "summaries": ["peres visits north says new attacks on hezbollah imminent"]} +{"id": "gigaword-test-359", "text": "opec 's president ammar UNK arrived late friday in qatar on the third stage of a tour of the oil states of the gulf .", "summaries": ["opec president arrives in qatar on next stage of gulf tour"]} +{"id": "gigaword-test-360", "text": "third-seeded byron black of zimbabwe ended german alex radulescu 's giant-killing run in the indian open here saturday to book a place in the final against top seed thomas enqvist of sweden .", "summaries": ["black to play enqvist in indian open final"]} +{"id": "gigaword-test-361", "text": "lebanese prime minister rafic hariri met sunday with egyptian president hosni mubarak for talks on the conflict in south lebanon , under an israeli air and artillery bombardment for the fourth straight day .", "summaries": ["lebanese pm in cairo for talks on crisis"]} +{"id": "gigaword-test-362", "text": "two israelis were hurt in hezbollah rocket attacks on sunday , the most sustained day of cross-border strikes since a showdown erupted with the guerrillas in lebanon , the army said .", "summaries": ["two israelis hurt in hezbollah rocket attacks"]} +{"id": "gigaword-test-363", "text": "scoreboard of the sharjah cup one-day international between india and pakistan here on monday : UNK", "summaries": ["india v pakistan scoreboard"]} +{"id": "gigaword-test-364", "text": "russian forces in chechnya began a limited withdrawal monday , but warplanes kept bombing villages in the southeast of the caucasus mountain republic despite a unilateral ceasefire promise by moscow .", "summaries": ["russians start troop withdrawal but continue bombing in chechnya by nikolai UNK"]} +{"id": "gigaword-test-365", "text": "the southern chinese city of guangzhou has set up a special zone allowing foreign consulates to build permanent offices and residences and avoid prohibitive local rents , the china daily reported tuesday .", "summaries": ["guangzhou opens new consulate area"]} +{"id": "gigaword-test-366", "text": "lebanese prime minister rafic hariri accused britain on tuesday of supporting the israeli assault on hezbollah guerrillas in lebanon as he announced plans to visit london .", "summaries": ["hariri to visit britain which he accuses of backing israel"]} +{"id": "gigaword-test-367", "text": "two heads of opec arrived here tuesday for the first visit by a delegation from the oil cartel since iraq 's #### invasion of kuwait , the official news agency ina said .", "summaries": ["opec chiefs visit iraq for first time since #### gulf war"]} +{"id": "gigaword-test-368", "text": "the pilots of an american airlines jetliner that crashed into a colombian mountain in december killing all ### people aboard were tired and confused , according to a preliminary investigation .", "summaries": ["human error blamed for fatal american airlines crash"]} +{"id": "gigaword-test-369", "text": "india qualified for the final of the three-nation sharjah cup ahead of arch-rivals pakistan despite crashing to a five-wicket defeat in their last league match against south africa here on wednesday .", "summaries": ["india in final despite loss to south africa by UNK lal"]} +{"id": "gigaword-test-370", "text": "secretary of state warren christopher widened consultations on an israeli-lebanese ceasefire wednesday by including egypt and saudi arabia in the effort , an official said .", "summaries": ["christopher widens consultations over israel-lebanon crisis"]} +{"id": "gigaword-test-371", "text": "australian foreign minister alexander downer is to lobby singapore and thailand to support a proposed four-party peace meeting between south and north korea , deputy prime minister tim fischer said thursday .", "summaries": ["downer to lobby for korean peace bid support"]} +{"id": "gigaword-test-372", "text": "german parliament called on the international olympic committee on thursday to do more for women in sport .", "summaries": ["olympics told to help women"]} +{"id": "gigaword-test-373", "text": "bosnia 's former warring parties have called back almost all their troops and weapons into UNK sites ahead of a midnight deadline , british defense secretary michael portillo said here late thursday .", "summaries": ["UNK rivals close to meeting pullback target : portillo"]} +{"id": "gigaword-test-374", "text": "newcastle united and manchester united will very likely play off for the english title if they finish level on points , goal difference and goals scored at the end of the season .", "summaries": ["tie-breaker lined up for english title"]} +{"id": "gigaword-test-375", "text": "newly issued shares of the UNK restaurant chain planet hollywood took off like a rocket on their first day of trading friday , gaining ## percent moments after the market opened .", "summaries": ["planet hollywood shares soar into stratosphere"]} +{"id": "gigaword-test-376", "text": "the german government has protested to jakarta over violence treatment by indonesian security officers of a group of east timorese attempting to enter the embassy , a german diplomat told afp saturday .", "summaries": ["german ambassador protests to jakarta over treatment of # etimorese"]} +{"id": "gigaword-test-377", "text": "denmark 's poul-erik hoyer completed his hat-trick of men 's singles badminton titles at the european championships , winning the final here on saturday .", "summaries": ["hoyer wins singles title"]} +{"id": "gigaword-test-378", "text": "four people were killed and more than ## injured when a passenger train derailed near here sunday morning .", "summaries": ["four killed in train accident"]} +{"id": "gigaword-test-379", "text": "indian police on monday said they have found evidence that a blast , which razed a popular hotel in new delhi killing ## people including eight foreigners , was caused by a powerful bomb .", "summaries": ["police say delhi hotel blast caused by bomb : death toll at ## UNK new series by UNK UNK"]} +{"id": "gigaword-test-380", "text": "a chinese couple has lost beijing 's first court case that challenged the imposition of heavy fines for violating the country 's draconian family planning regulations , a report said monday .", "summaries": ["chinese couple loses case challenging one child policy"]} +{"id": "gigaword-test-381", "text": "three films from asia-pacific are in the running for the coveted golden palms at this year 's cannes film festival , competing in a field dominated by european productions , organizers announced monday .", "summaries": ["three films from asia-pacific in the running at cannes"]} +{"id": "gigaword-test-382", "text": "china and russia are to sign bilateral treaties on police cooperation during russian president boris yeltsin 's visit here this week to help combat transnational crime , xinhua reported tuesday .", "summaries": ["china russia to sign police treaties during yeltsin visit"]} +{"id": "gigaword-test-383", "text": "israeli aircraft carried out ## air raids on the region of tyre in south lebanon on tuesday , including seven on areas where un peacekeepers have positions without causing casualties , police said .", "summaries": ["israeli warplanes launch ## raids on tyre region"]} +{"id": "gigaword-test-384", "text": "president bill clinton announced reforms of the central intelligence agency aimed at restoring credibility in an espionage agency tarnished by the discovery of a russian mole in its midst .", "summaries": ["clinton announces us intelligence reforms"]} +{"id": "gigaword-test-385", "text": "dzhokhar dudayev , the legendary leader of chechnya 's five-year bid for independence , was killed by russian shell fire and has been buried in a secret location , separatists told afp on wednesday .", "summaries": ["dudayev legendary leader of chechen separatists killed UNK new series by nikolai UNK"]} +{"id": "gigaword-test-386", "text": "nelson piquet and jacques UNK , former top formula one drivers , will both be driving a mclaren in this year 's le mans ##-hour race , it was revealed on tuesday .", "summaries": ["piquet and UNK to drive at le mans"]} +{"id": "gigaword-test-387", "text": "india 's ruling party is headed for a disaster in general elections starting saturday and hindu nationalists are likely to become the largest group in a hung parliament , according to an opinion poll published thursday .", "summaries": ["india 's ruling party headed for election disaster : poll"]} +{"id": "gigaword-test-388", "text": "french foreign minister herve de charette arrived thursday in beirut from damascus on a fresh round of shuttle diplomacy and immediately went into talks with lebanese leaders .", "summaries": ["de charette in lebanon"]} +{"id": "gigaword-test-389", "text": "foreigners in sweden may finally be given access to the entire country during their stay after the government on thursday proposed to eliminate a ban on their presence in restricted areas .", "summaries": ["foreigners may finally get to see all of sweden"]} +{"id": "gigaword-test-390", "text": "hong kong shares closed down #.# percent on friday due to an absence of buyers and fresh incentives , dealers said .", "summaries": ["hong kong shares end #.# percent lower"]} +{"id": "gigaword-test-391", "text": "spanish conservative leader jose maria aznar will become prime minister no sooner than the beginning of may and not early next week as his party had hoped , sources within a potential coalition partner said friday .", "summaries": ["no premier vote for aznar before early may : UNK"]} +{"id": "gigaword-test-392", "text": "as us officials consider how to sanction china for selling nuclear technology to pakistan , the state department has temporarily extended a freeze on new government-backed loans to us firms for china projects .", "summaries": ["us freezes new loans again for china projects UNK new series by sarah UNK"]} +{"id": "gigaword-test-393", "text": "hansa rostock 's akpoborie hit a ##rd minute winner at uefa cup finalists bayern munich , enough to knock the bavarians off top spot in the bundesliga on saturday .", "summaries": ["UNK knocks bayern off top spot"]} +{"id": "gigaword-test-394", "text": "serbian police say a bomb explosion that killed an ethnic albanian child in the tense province of kosovo was an accident , the tanjug news agency said sunday .", "summaries": ["serbian police in kosovo say bomb that killed child was accident UNK new series"]} +{"id": "gigaword-test-395", "text": "gold opened lower here on monday at ###.##-### .## us dollars an ounce , against friday 's closing rate of ###.##-### .## .", "summaries": ["gold opens lower in hong kong"]} +{"id": "gigaword-test-396", "text": "israeli prime minister shimon peres said monday he was confident the ceasefire in lebanon would hold because it was in the best interests of both countries as well as syria .", "summaries": ["peres confident ceasefire will hold"]} +{"id": "gigaword-test-397", "text": "a chinese pro-democracy activist , who spent last year in self-imposed exile in france , has been arrested by police in shanghai , a report said tuesday .", "summaries": ["chinese dissidents arrested in shanghai"]} +{"id": "gigaword-test-398", "text": "the nato-led peace-keeping force in bosnia was braced for further violence tuesday after the most serious clashes between serbs and moslems here since moslem refugees began returning to former homes in serb-held territory .", "summaries": ["nato troops braced for further UNK violence"]} +{"id": "gigaword-test-399", "text": "the united states claimed credit tuesday for a ceasefire that ended fighting between israel and lebanese guerrillas , and rejected suggestions that it was forced to model the agreement after a french draft .", "summaries": ["us takes the credit for israel-hezbollah ceasefire by carole landry"]} +{"id": "gigaword-test-400", "text": "filipino boxer lito UNK has died after sustaining serious head injuries during a loss to former thai champion chatchai sasakul here , hospital officials said sunday .", "summaries": ["boxing : filipino fighter dies after bangkok bout"]} +{"id": "gigaword-test-401", "text": "tenth seed novak djokovic defeated guillermo canas #-# , #-# , #-# here sunday in the final of the #.# million dollar atp miami masters series event .", "summaries": ["tennis : serbia 's djokovic UNK miami men 's title"]} +{"id": "gigaword-test-402", "text": "australian share prices fell #.## percent monday after investor sentiment was rattled by speculation the central bank will raise interest rates this week , dealers said .", "summaries": ["australian shares down sharply on interest rate fears"]} +{"id": "gigaword-test-403", "text": "global steel giant UNK on monday announced a share buyback program to repurchase up to ### million dollars -lrb- ### million euros -rrb- worth of shares .", "summaries": ["arcelor-mittal announces share buyback program"]} +{"id": "gigaword-test-404", "text": "republican presidential candidate mitt romney has stashed ## million dollars in his #### war chest this year , outpacing party front-runner rudolph giuliani in a key early test of the white house race .", "summaries": ["white house race awash in dollars UNK UNK UNK"]} +{"id": "gigaword-test-405", "text": "two drunken south african fans hurled racist abuse at the country 's rugby sevens coach after the team were eliminated from the weekend 's hong kong tournament , reports said tuesday .", "summaries": ["rugby union : racist taunts mar hong kong sevens : report"]} +{"id": "gigaword-test-406", "text": "qatar 's emir on tuesday appointed foreign minister sheikh hamad bin jassem bin jabr al-thani as prime minister in place of sheikh abdullah bin khalifa al - thani , the state news agency qna reported .", "summaries": ["qatar emir UNK new prime minister UNK UNK cabinet details UNK"]} +{"id": "gigaword-test-407", "text": "japan on tuesday said it was taking a `` cautious position '' on a civilian nuclear agreement between india and the united states .", "summaries": ["UNK cautious on india us nuclear deal"]} +{"id": "gigaword-test-408", "text": "india 's senior pro sachin tendulkar on wednesday broke his silence on the world cup debacle , saying the first round ouster had `` shattered the team 's dream .", "summaries": ["cricket : tendulkar shattered by world cup exit"]} +{"id": "gigaword-test-409", "text": "israeli soldiers entered the gaza strip and clashed with militants on wednesday , the first major incursion into the territory since a november ceasefire , palestinian security sources said .", "summaries": ["UNK israel troops launch incursion into gaza"]} +{"id": "gigaword-test-410", "text": "russian authorities want a european body to investigate the deaths of ### seals in the caspian sea , environmental officials said wednesday .", "summaries": ["russia wants investigation into seal deaths"]} +{"id": "gigaword-test-411", "text": "mark o'meara , the #### masters winner , doomed his chances of capturing this year 's first major championship if tradition holds by winning the masters par-# contest here wednesday .", "summaries": ["golf : o'meara hopes to break masters par-# jinx"]} +{"id": "gigaword-test-412", "text": "three more american soldiers have been killed in baghdad , where iraqi and us forces are pressing a massive security crackdown into an eighth week , the military announced on thursday .", "summaries": ["three us soldiers killed in baghdad UNK UNK toll"]} +{"id": "gigaword-test-413", "text": "a senior iraqi journalist was killed on thursday when a suicide truck bomb exploded outside a television channel 's headquarters , the leading sunni political party that owns the network said .", "summaries": ["top journalist killed in iraq tv bombing UNK UNK throughout"]} +{"id": "gigaword-test-414", "text": "defending national basketball association champions miami , who have battled injuries all season , booked their playoff berth thursday with a thrilling overtime victory over cleveland .", "summaries": ["basketball : nba champions heat book return trip to playoffs"]} +{"id": "gigaword-test-415", "text": "brazilian defender roberto carlos , who is leaving real madrid after ## years with the spanish giants , says he was almost `` destroyed '' by trauma in his personal life over the past two years .", "summaries": ["football : UNK trauma almost destroyed me : roberto carlos"]} +{"id": "gigaword-test-416", "text": "with naval links dating back to the ##th century , the south-west of england , home to several of the ## naval personnel freed by iran , has weathered many a maritime storm in the past .", "summaries": ["britain 's maritime heartland expected to weather iran storm by katherine UNK"]} +{"id": "gigaword-test-417", "text": "brazilian defender pepe is out for the rest of the season with a knee injury , his porto coach jesualdo ferreira said saturday .", "summaries": ["football : pepe out for season"]} +{"id": "gigaword-test-418", "text": "russian president vladimir putin returned sunday a long-lost icon of our lady of vladimir to russia 's orthodox patriarch alexy ii ahead of the easter service in moscow , vowing to bring back other relics lost in the soviet times .", "summaries": ["putin hands long-lost icon to orthodox patriarch pledges to return more"]} +{"id": "gigaword-test-419", "text": "a high-level us delegation led by former un ambassador bill richardson arrived in north korea on sunday , official north and south korean media said .", "summaries": ["us delegation arrives in north korea : report UNK UNK north korea 's media confirms arrival details"]} +{"id": "gigaword-test-420", "text": "the new york yankees placed slugger hideki matsui on the ##-day disabled list on sunday with a strained left hamstring .", "summaries": ["baseball : matsui back on disabled with strained hamstring"]} +{"id": "gigaword-test-421", "text": "key events since the overthrow of iraqi leader saddam hussein four years ago : UNK", "summaries": ["afptv advisory"]} +{"id": "gigaword-test-422", "text": "us oil services giant halliburton said monday it had wrapped up its work commitments in iran and was no longer conducting any projects in the islamic republic .", "summaries": ["halliburton winds up iran work"]} +{"id": "gigaword-test-423", "text": "french presidential frontrunner nicolas sarkozy on tuesday brushed off remarks from far-right rival jean-marie le pen who said sarkozy 's immigrant roots should be a factor for voters who head to the polls in less than two weeks .", "summaries": ["france 's sarkozy brushes off far-right jab at immigrant roots"]} +{"id": "gigaword-test-424", "text": "french property group UNK announced tuesday it had agreed to buy dutch rival rodamco europe in a bid to create what they said would be the biggest pan - european commercial real estate operation .", "summaries": ["french dutch property groups to forge european leader"]} +{"id": "gigaword-test-425", "text": "world oil prices rebounded on tuesday after plunging a day earlier on profit - taking , as key crude producer iran again tested western nerves , analysts said .", "summaries": ["oil prices rally after easter slump UNK UNK with closing prices changes UNK"]} +{"id": "gigaword-test-426", "text": "five candidates contesting east timor 's presidential election filed a formal protest wednesday saying the poll was not fairly conducted , and that counting should be stopped immediately .", "summaries": ["etimor candidates file formal protest on poll UNK UNK UNK details"]} +{"id": "gigaword-test-427", "text": "christian conservatives -- kingmakers in the last two us presidential elections -- may have less success in getting their pick elected in #### , political observers say .", "summaries": ["christian conservatives power diminished ahead of #### vote by stephanie griffith UNK UNK UNK detail"]} +{"id": "gigaword-test-428", "text": "former gucci creative director tom ford is set to open his first stand-alone store in new york on thursday , three years after leaving the fashion giant credited with turning the group around .", "summaries": ["cycling : UNK cycling results #nd UNK"]} +{"id": "gigaword-test-429", "text": "a sri lankan airlines jet headed for london turned around and made an emergency landing at the country 's only international airport thursday following a `` technical problem , '' officials said .", "summaries": ["sri lankan jet makes emergency landing"]} +{"id": "gigaword-test-430", "text": "the russian steel group evraz , in which billionaire roman abramovich owns a ##-percent stake , is in negotiations to buy canadian group ipsco , the daily vedomosti said on thursday , quoting sources close to the russian company .", "summaries": ["russia 's evraz in talks to buy canadian steel group ipsco : report"]} +{"id": "gigaword-test-431", "text": "global trade growth could slacken this year given a forecast slowdown in the world economy , but chinese exports will continue to gain market share , the world trade organisation said on thursday .", "summaries": ["wto sees trade growth slowing in #### by william french UNK UNK further details on china exports"]} +{"id": "gigaword-test-432", "text": "the un security council on thursday strongly condemned the suicide car bombings in algeria and urged all states to help algiers bring the perpetrators and sponsors to justice .", "summaries": ["tennis : houston atp results #st UNK"]} +{"id": "gigaword-test-433", "text": "turkish police have arrested two suspects believed to be behind a series bomb attacks last year at a popular southwestern resort that injured ## british tourists , the anatolia news agency reported friday .", "summaries": ["turkey arrests two suspects behind resort bombing"]} +{"id": "gigaword-test-434", "text": "who 's saying what at the #### cricket world cup : UNK", "summaries": ["cricket : world cup UNK"]} +{"id": "gigaword-test-435", "text": "ireland captain trent johnston believes his team can improve if they get more exposure against top teams like australia despite suffering a nine-wicket mauling at the hands of the world champions here on friday .", "summaries": ["cricket : ireland UNK despite australia mauling by UNK UNK"]} +{"id": "gigaword-test-436", "text": "two lines of burly riot police linked arms to trap protesters on a street in central moscow on saturday .", "summaries": ["afp world news summary"]} +{"id": "gigaword-test-437", "text": "france 's sebastian bourdais claimed his ##th career champ-car pole position here saturday , leading qualifiers for sunday 's long beach champ-car grand prix .", "summaries": ["auto : bourdais grabs champ-car pole"]} +{"id": "gigaword-test-438", "text": "results here on sunday in the paris marathon : - UNK", "summaries": ["marathon de paris les UNK"]} +{"id": "gigaword-test-439", "text": "wayne rooney admits manchester united 's breathtaking form has reinvigorated him for the decisive final weeks of the season .", "summaries": ["afp world news service no unauthorized reproduction"]} +{"id": "gigaword-test-440", "text": "nearly ###,### people immigrated to the netherlands last year , marking an increase for the fourth year , statistics showed on monday .", "summaries": ["immigration to netherlands increased in ####"]} +{"id": "gigaword-test-441", "text": "team new zealand , out to avenge the humbling #-# capitulation of their america 's cup crown to alinghi four years ago , and the other ## challengers to the swiss team 's crown were left frustrated by the elements on the opening day of the louis vuitton cup here monday .", "summaries": ["yachting : america 's cup challengers frustrated by weather UNK UNK details"]} +{"id": "gigaword-test-442", "text": "a japanese man was sentenced to ## months in prison by a los angeles court on monday on charges on trafficking exotic butterflies .", "summaries": ["us jails UNK man for butterfly smuggling"]} +{"id": "gigaword-test-443", "text": "iran on tuesday sent its condolences to the people of arch enemy the united states after ## people were killed in a shooting at a university in the us state of virginia .", "summaries": ["iran sends condolences to us over campus shooting"]} +{"id": "gigaword-test-444", "text": "the finnish parliament on tuesday elected centre party leader matti vanhanen as prime minister , a post he has held since #### , after his party won legislative elections last month .", "summaries": ["finnish parliament elects vanhanen as prime minister"]} +{"id": "gigaword-test-445", "text": "south africa rode on andrew hall 's maiden five-wicket burst to storm into the world cup semi-finals with an emphatic nine-wicket win which humiliated england here on tuesday .", "summaries": ["cricket : hall and smith fire south africa into semi-finals by UNK UNK"]} +{"id": "gigaword-test-446", "text": "even before its opening here thursday , hot docs , the largest documentary film festival in north america , can be assured of at least one controversial film -- one that aims to debunk michael moore .", "summaries": ["michael moore critique set to heat up hot docs festival by jacqueline swartz"]} +{"id": "gigaword-test-447", "text": "the death toll from last month 's blast in siberia climbed to ### as two more bodies were discovered in the wreckage , the mine 's owner said wednesday .", "summaries": ["russian mine toll rises to ###"]} +{"id": "gigaword-test-448", "text": "somali elders accused ethiopian troops on wednesday of breaking a truce by attacking islamist insurgents in southern mogadishu , sparking clashes that killed at least seven civilians .", "summaries": ["somali elders blame ethiopian troops for clashes by UNK UNK UNK UNK UNK throughout"]} +{"id": "gigaword-test-449", "text": "mark buehrle pitched the ##th no-hitter in chicago white sox history on wednesday , as the white sox defeated the texas rangers #-# .", "summaries": ["baseball : white sox hurler UNK UNK no-hitter"]} +{"id": "gigaword-test-450", "text": "riot police broke up scuffles thursday as a key by-election campaign began in malaysia that could bolster former deputy prime minister anwar ibrahim 's return to formal politics .", "summaries": ["scuffles as key malaysian by-election kicks off"]} +{"id": "gigaword-test-451", "text": "the white house on thursday warned iran of possible new sanctions after the un nuclear watchdog reported that tehran had begun sensitive nuclear work at a key site in defiance of un resolutions .", "summaries": ["us warns iran of step backward on nuclear issue"]} +{"id": "gigaword-test-452", "text": "west indies captain brian lara said he will quit international cricket on saturday , ending speculation over his future after his team 's dismal world cup campaign .", "summaries": ["cricket : lara quits international cricket UNK UNK details UNK"]} +{"id": "gigaword-test-453", "text": "the tokyo stock market is bracing for a slew of corporate results over the coming week , with the potential for a boost to sentiment if firms give upbeat earnings forecasts , analysts said friday .", "summaries": ["UNK shares seen taking cue from earnings"]} +{"id": "gigaword-test-454", "text": "ten bulgarians involved in trafficking women to france to work as prostitutes have been arrested following a joint operation by bulgarian and french authorities , the national investigation service said friday .", "summaries": ["police arrest ten bulgarians for human trafficking to france"]} +{"id": "gigaword-test-455", "text": "a gunman killed a male hostage and himself at nasa 's johnson space center friday , just days after ## people died in the bloodiest school shooting in us history .", "summaries": ["afp sports schedule for saturday UNK ##"]} +{"id": "gigaword-test-456", "text": "result of an african champions league third round , second-leg match here on saturday : UNK", "summaries": ["african champions league result : young africans # esperance #"]} +{"id": "gigaword-test-457", "text": "malaysia has won an extention to keep hosting a formula one grand prix until #### , despite concerns about its course and talk of a bid from singapore , the head of the sepang circuit said sunday .", "summaries": ["UNK formula one : malaysia says it has host rights until ####"]} +{"id": "gigaword-test-458", "text": "thousands of kashmiris chanting pro-pakistan slogans on sunday attended a rally to welcome back a hardline separatist leader who underwent cancer treatment in mumbai .", "summaries": ["thousands attend rally for kashmir hardliner"]} +{"id": "gigaword-test-459", "text": "ireland have been rewarded for their memorable world cup debut by being confirmed as the ##th best team in the world .", "summaries": ["cricket : ireland confirmed in world top ten"]} +{"id": "gigaword-test-460", "text": "turkmen president gurbanguly berdymukhammedov will begin a two-day visit to russia , his country 's main energy partner , on monday for trade talks , the kremlin press office said .", "summaries": ["turkmen president to visit russia for energy talks"]} +{"id": "gigaword-test-461", "text": "umaru yar ` adua , who was proclaimed winner of the nigerian presidential election on monday , is governor of the strict muslim state of katsina and the personal choice of outgoing leader olusegun obasanjo .", "summaries": ["health doubts over new nigerian president yar adua by joel UNK UNK"]} +{"id": "gigaword-test-462", "text": "younis khan has pulled out of the pakistan squad to play a three-match series against sri lanka in abu dhabi in may saying he is still suffering from the team 's traumatic world cup .", "summaries": ["cricket : younis pulls out of pakistan 's gulf trip"]} +{"id": "gigaword-test-463", "text": "a saudi man was beheaded by the sword in the southern city of UNK on tuesday after he was convicted of murdering a compatriot , the interior ministry said .", "summaries": ["saudi executed for murdering compatriot"]} +{"id": "gigaword-test-464", "text": "a top radical islamist leader in morocco who was arrested last month after five years on the run recruited ## youths in casablanca to join insurgents in iraq , police sources said tuesday .", "summaries": ["moroccan islamist recruited fighters for iraq : police UNK UNK UNK on suspect"]} +{"id": "gigaword-test-465", "text": "the only canadian detainee held at the us war-on-terror camp at guantanamo bay , cuba -- omar khadr , who was arrested in afghanistan in #### , at age ## -- has officially been charged with murder , spying and supporting terrorism , the pentagon said tuesday .", "summaries": ["canadian held at guantanamo charged with murder"]} +{"id": "gigaword-test-466", "text": "a consortium led by royal bank of scotland said wednesday it had proposed a ##.# - billion-euro counter-bid for dutch group abn amro , topping an offer from barclays by ## percent in the biggest banking deal ever .", "summaries": ["rbs consortium makes counter-bid against barclays for abn amro"]} +{"id": "gigaword-test-467", "text": "us aviation giant boeing co. said wednesday first-quarter profits lifted ## percent from a year ago to ### million dollars as new aircraft orders took off .", "summaries": ["boeing profit up ## percent soars past UNK"]} +{"id": "gigaword-test-468", "text": "argentina 's #### french open champion gaston gaudio could be set to retire from the sport after he said on wednesday he was n't sure whether he would continue on the atp circuit .", "summaries": ["tennis : anyone for tennis not gaudio"]} +{"id": "gigaword-test-469", "text": "a firebomb seriously damaged the car of uruguay 's ambassador to greece overnight , police said thursday .", "summaries": ["car of uruguayan envoy to greece firebombed"]} +{"id": "gigaword-test-470", "text": "the euro hit ###.## yen in european trade early on thursday , its highest ever level against the japanese currency , on optimism about growth prospects for the ##-nation eurozone , dealers said .", "summaries": ["afp world news summary"]} +{"id": "gigaword-test-471", "text": "an israeli patrol crossed into southern lebanon on thursday and was forced to end its `` violation '' after the intervention of un peacekeepers , the lebanese army said .", "summaries": ["israeli patrol crosses into lebanon : lebanese army"]} +{"id": "gigaword-test-472", "text": "hollywood megastar and paparazzi favorite angelina jolie lobbied in washington thursday for the world 's orphans and children at risk .", "summaries": ["angelina jolie seeks more aid for orphans poor children"]} +{"id": "gigaword-test-473", "text": "results and standings after the national league 's thursday baseball games : UNK", "summaries": ["results and standings in baseball 's national league"]} +{"id": "gigaword-test-474", "text": "the russian cellist mstislav rostropovich , who has died aged ## , was not only a consummate musician but also a great UNK of talent , notably among composers who wrote works both for and with him .", "summaries": ["rostropovich 's web of music by UNK UNK"]} +{"id": "gigaword-test-475", "text": "european union foreign policy chief javier solana called on friday for the united states to open a `` channel of communication '' with iran on all subjects .", "summaries": ["cricket : english cricket scores"]} +{"id": "gigaword-test-476", "text": "sri lankans were stocking up on snacks , soft drinks , ice cream and liquor on saturday to watch their home team battle australia at the cricket world cup finals in the caribbean .", "summaries": ["cricket : sri lankans ready for all night finals party by mel UNK"]} +{"id": "gigaword-test-477", "text": "sri lanka were ###-# after ## overs in the world cup final against australia at kensington oval on saturday chasing ### to win .", "summaries": ["ice hockey : nhl playoff results"]} +{"id": "gigaword-test-478", "text": "south african cricket captain graeme smith said on sunday he would not use politics as an excuse for south africa 's performance in the cricket world cup in the west indies .", "summaries": ["cricket : politics not to blame for world cup failure : smith"]} +{"id": "gigaword-test-479", "text": "silvia cavalleri denied lorena ochoa her chance to celebrate her new world no. # status with a victory sunday , the italian capturing her own first lpga title at the corona championship .", "summaries": ["golf : corona championship scores"]} +{"id": "gigaword-test-480", "text": "environmental groups monday called for immediate and decisive action on climate change , amid concern that powerful nations will seek to water down a masterplan aimed at tackling global warming .", "summaries": ["green groups urge action now on climate change"]} +{"id": "gigaword-test-481", "text": "sri lanka 's tamil tiger rebels said monday that they hit a military war plane on a bombing mission over their territory with anti-aircraft fire .", "summaries": ["tennis : estoril atp and wta open results"]} +{"id": "gigaword-test-482", "text": "japanese share prices fell #.## percent in morning trade tuesday as losses monday on wall street overnight kept buyers at bay , dealers said .", "summaries": ["UNK shares down #.## percent by lunch"]} +{"id": "gigaword-test-483", "text": "an explosion in iraq 's restive northeastern province of diyala killed two us soldiers and wounded two more , the military reported monday .", "summaries": ["two us soldiers killed in iraq blast december toll ###"]} +{"id": "gigaword-test-484", "text": "myanmar 's opposition party , which is led by the detained aung san suu kyi , opened an art sale tuesday to raise money to help hundreds of political prisoners and their families .", "summaries": ["aung san suu kyi 's party sells art to help prisoners"]} +{"id": "gigaword-test-485", "text": "european stock markets closed sharply higher on the first trading day of the year , with many indices at their highest levels in nearly six years on a wave of positive new year sentiment .", "summaries": ["european shares caught up in new year 's enthusiasm UNK UNK with closing levels"]} +{"id": "gigaword-test-486", "text": "vietnam airlines on wednesday reported UNK profits for #### despite increased flights , passenger numbers and turnover , a shortfall it blamed in part on higher fuel costs .", "summaries": ["vietnam airlines profit below target"]} +{"id": "gigaword-test-487", "text": "a guantanamo official squatted over a koran in front of a chained detainee and another bearded detainee 's head was wrapped in heavy packing tape as he prayed , a newly released fbi document on mistreatment at the war-on-terror prison reports .", "summaries": ["fbi report shows mistreatment of guantanamo detainees"]} +{"id": "gigaword-test-488", "text": "australia 's agl energy said thursday it had made a preliminary merger approach to origin energy , paving the way for a ## billion dollar -lrb- ##.# billion us -rrb- deal that would create the country 's largest gas and electricity supplier .", "summaries": ["australia 's agl and origin in merger talks UNK UNK closing shares"]} +{"id": "gigaword-test-489", "text": "macedonian president branko crvenkovski will spend orthodox christmas this weekend with the country 's troops serving in iraq , his cabinet said thursday .", "summaries": ["macedonian president to visit troops in iraq"]} +{"id": "gigaword-test-490", "text": "us stocks put on a late closing spurt thursday as oil prices tumbled on milder winter temperatures , despite mixed sales reports from large retailers following the christmas holiday .", "summaries": ["us stocks gain as oil prices slump UNK UNK"]} +{"id": "gigaword-test-491", "text": "up to ## percent of the four million tourists expected to visit thailand in the first three months of the year may cancel their trips after deadly bombings in bangkok , a leading think-tank said friday .", "summaries": ["thai tourism consumption hit by new year 's eve blasts by UNK UNK UNK UNK forecast on foreign investment"]} +{"id": "gigaword-test-492", "text": "six-party negotiations aimed at convincing north korea to abandon its nuclear weapons are expected to resume later this month in beijing , the us state department said friday .", "summaries": ["us expects north korea nuclear talks to resume this month"]} +{"id": "gigaword-test-493", "text": "the us embassy in baghdad on saturday confirmed the kidnapping of an american , saying he was working in iraq as a private security contractor .", "summaries": ["us embassy confirms UNK of us citizen in iraq"]} +{"id": "gigaword-test-494", "text": "detainees at the us guantanamo prison in cuba continue to be subjected to violence and extreme isolation , but abuse has become more subtle than three years ago , a lawyer representing several prisoners said tuesday .", "summaries": ["abuse at guantanamo more sophisticated subtle : lawyer"]} +{"id": "gigaword-test-495", "text": "russian world no. # nikolay davydenko became the fifth withdrawal through injury or illness at the sydney international wednesday , retiring from his second round match with a foot injury .", "summaries": ["tennis : davydenko pulls out of sydney with injury"]} +{"id": "gigaword-test-496", "text": "the european commission unveiled sweeping plans wednesday to diversify eu energy sources , slash carbon emissions by ## percent and enforce fuel competition .", "summaries": ["UNK eu unveils vast energy plan to protect supplies environment"]} +{"id": "gigaword-test-497", "text": "rennes midfielder arnold m ` UNK has been loaned till the end of the season to english premiership club portsmouth , the french first division club said .", "summaries": ["football : m UNK joins portsmouth"]} +{"id": "gigaword-test-498", "text": "russia 's gas and oil giant gazprom and us oil major chevron have set up a joint venture based in resource-rich northwestern siberia , the interfax news agency reported thursday quoting gazprom officials .", "summaries": ["gazprom chevron set up joint venture"]} +{"id": "gigaword-test-499", "text": "slovenia 's old national money the tolar will have almost disappeared from circulation by the end of this week , marking a successful two-week switch to the euro , the head of the slovenian central bank mitja UNK said on thursday .", "summaries": ["UNK to UNK from slovenia by UNK : central bank chief"]} +{"id": "gigaword-test-500", "text": "a lebanese soldier was wounded thursday when the army clashed with an islamist group outside a palestinian refugee camp in a dispute over a veiled woman , witnesses and the security services said .", "summaries": ["soldier wounded in lebanon clash over veiled woman UNK UNK with soldier wounded"]} +{"id": "gigaword-test-501", "text": "david beckham will begin a new and possibly final mission in his colourful football career by quitting real madrid for los angeles galaxy in the united states in a deal reported to be worth a staggering ### million pounds -lrb- ###m dollars -rrb- .", "summaries": ["football : beckham signs up for american dream by chris wright UNK UNK"]} +{"id": "gigaword-test-502", "text": "japanese electronics maker sharp corp. announced plans friday to ramp up its output of flat screen televisions with new production lines in japan and mexico in response to flourishing demand .", "summaries": ["sharp to expand flat tv production in UNK mexico"]} +{"id": "gigaword-test-503", "text": "sir alex ferguson revealed friday that david beckham 's move to the united states had not surprised him because he knew the midfielder would not return to england if he could not come back to manchester united .", "summaries": ["football : ferguson says us was beckham 's only option"]} +{"id": "gigaword-test-504", "text": "the top us envoy to nuclear disarmament talks with north korea will return to the region late next week to meet key allies , but there are no indications a resumption of six-party negotiations with pyongyang are imminent , a senior us official said friday .", "summaries": ["us nkorea envoy headed back to asia but no signs of renewed six-party talks"]} +{"id": "gigaword-test-505", "text": "a woman street cleaner and her three young daughters were killed saturday when a bomb in a metal container exploded in bangladesh , police said .", "summaries": ["mother three daughters die in in bangladesh blast"]} +{"id": "gigaword-test-506", "text": "los angeles galaxy coach frank yallop is not sure when david beckham is coming , but he knows where the former english captain is going .", "summaries": ["football : galaxy coach wants beckham in central midfield"]} +{"id": "gigaword-test-507", "text": "croatia 's fourth seed ivan ljubicic became the highest-ranked player eliminated on the opening day of the australian open here monday .", "summaries": ["tennis : fourth seed ljubicic knocked out of aussie open UNK UNK details"]} +{"id": "gigaword-test-508", "text": "italian police have uncovered a scheme by which the families of some ### illegal immigrant minors were duped into paying a gang for their freedom , police said monday .", "summaries": ["six arrested in sicily for trafficking immigrant minors"]} +{"id": "gigaword-test-509", "text": "four people were killed and dozens injured after a collision monday between a merchant ship and a hydrofoil passenger ferry in the busy strait between mainland italy and sicily , the sky UNK ## television news channel reported .", "summaries": ["four dead in messina strait collision UNK UNK toll"]} +{"id": "gigaword-test-510", "text": "air china is expected to remain the country 's most profitable carrier this year while the rest of the pack battles it out in a fast-growing but increasingly competitive market , analysts said .", "summaries": ["air china expected to remain leading carrier as rivals struggle UNK UNK with china southern #### profit"]} +{"id": "gigaword-test-511", "text": "munster hooker jerry flannery was included in ireland 's ##-man six nations squad on tuesday after returning to fitness from a shoulder injury which had kept him out of the autumn internationals .", "summaries": ["rugby union : flannery back in ireland squad"]} +{"id": "gigaword-test-512", "text": "an international terror suspect who had been under a controversial loose form of house arrest is on the run , british home secretary john reid said tuesday .", "summaries": ["international terror suspect slips net in britain"]} +{"id": "gigaword-test-513", "text": "dalian city commercial bank confirmed wednesday it would sell a near ##-percent stake to canada 's scotiabank and the international finance corp , a private investment arm of the world bank .", "summaries": ["afp world news summary"]} +{"id": "gigaword-test-514", "text": "a third vessel may have contributed to a fatal collision between a container ship and a passenger hydrofoil in italy 's busy messina strait , press reports said wednesday .", "summaries": ["third vessel implicated in messina strait collision"]} +{"id": "gigaword-test-515", "text": "world oil prices dived close to ## dollars per barrel in london and new york on wednesday , hitting fresh ##-month lows after the market ruled out the prospect of a new opec production cut , analysts said .", "summaries": ["oil prices sink close to ## dollars per barrel UNK UNK with new lows latest prices analyst UNK"]} +{"id": "gigaword-test-516", "text": "UNK beware : spouses caught cheating in michigan could end up spending the rest of their life in prison .", "summaries": ["cheat on your spouse in michigan and spend life in prison"]} +{"id": "gigaword-test-517", "text": "east timor and the united nations on thursday launched an appeal for ##.# million dollars to help resettle and reintegrate about ###,### people displaced by violence which wracked the country last year .", "summaries": ["east timor UNK for aid to help ###,### displaced by violence"]} +{"id": "gigaword-test-518", "text": "iraqi president jalal talabani and high-ranking syrian baath party officials met here thursday and affirmed their joint aim to improve ties between the two countries , official media said .", "summaries": ["iraqi president syrian baath party strive for better ties"]} +{"id": "gigaword-test-519", "text": "the russian foreign ministry warned estonian ambassador marina UNK thursday of `` serious consequences '' if estonia removes a monument to soviet soldiers from central tallinn , news agency itar-tass reported .", "summaries": ["russia warns estonia of serious consequences in monument row"]} +{"id": "gigaword-test-520", "text": "australian stocks are expected to remain near record levels in the week ahead , although uncertainty over commodity prices could see a drift away from mining shares towards the financial sector , dealers said friday .", "summaries": ["australian share sentiment expected to stay positive in week ahead"]} +{"id": "gigaword-test-521", "text": "at least ## sri lankan soldiers and ### tiger guerrillas were killed in the battle for a key rebel stronghold which fell into government hands friday , the defense ministry said .", "summaries": ["UNK battle for sri lanka town kills ### : military"]} +{"id": "gigaword-test-522", "text": "former us lawmaker bob ney , a member of president george w. bush 's republican party , was sentenced on friday to ## months in prison , the us department of justice said .", "summaries": ["former us lawmaker sentenced to ## months in prison"]} +{"id": "gigaword-test-523", "text": "us defense secretary robert gates returned home early saturday with assurances that so far iraqi prime minister nuri al-maliki is living up to his pledge to support a renewed crackdown on sectarian violence .", "summaries": ["gates returns home after road testing new iraq iran strategy"]} +{"id": "gigaword-test-524", "text": "UNK", "summaries": ["## us troops killed in helicopter crash near baghdad UNK UNK with us toll UNK UNK"]} +{"id": "gigaword-test-525", "text": "a bomb blast in a bus killed five people and wounded ## in baghdad on sunday as the us military announced the arrival of about #,### new troops to secure the violent city , security officials said .", "summaries": ["cycling : tour down under stage five results"]} +{"id": "gigaword-test-526", "text": "insurgents killed five us troops across iraq 's sunni province of al-anbar , bringing us losses in a single day to ## , the military reported sunday .", "summaries": ["five us soldiers killed in western iraq"]} +{"id": "gigaword-test-527", "text": "china reinsurance , the nation 's only reinsurer , received a four-billion-dollar government fund injection in preparation for listings at home and abroad , state media said monday .", "summaries": ["chinese reinsurer gets # billion dollar injection ahead of ipos"]} +{"id": "gigaword-test-528", "text": "singapore said monday vehicles carrying hazardous material will be fitted with an UNK in case of extremist hijackings .", "summaries": ["UNK to install UNK on potential truck bombs"]} +{"id": "gigaword-test-529", "text": "palestinians were preparing monday to press on with efforts to form a national unity government after inconclusive talks between khaled meshaal , leader of the ruling hamas movement , and president mahmud abbas , head of the rival fatah party .", "summaries": ["palestinian factions set to resume unity talks by UNK abu el UNK"]} +{"id": "gigaword-test-530", "text": "for a tiny caribbean nation , cuba has a big reputation for its sporting prowess but that is increasingly coming under threat .", "summaries": ["boxing : cuba worried as talent continues to desert"]} +{"id": "gigaword-test-531", "text": "a german registered container ship ran aground at the entrance to the french port of le havre early tuesday , but authorities said there were no casualties .", "summaries": ["container ship runs aground in french port"]} +{"id": "gigaword-test-532", "text": "the european commission on tuesday called on germany , france , italy and slovenia to step up efforts to improve their public finances despite booming tax revenues .", "summaries": ["eu urges germany france italy and slovenia to improve finances UNK UNK details"]} +{"id": "gigaword-test-533", "text": "the uefa presidency battle between michel platini and incumbent lennart johansson was hotting up on tuesday with heavyweight german football legend franz beckenbauer throwing his weight behind johansson .", "summaries": ["football : beckenbauer backs johansson in uefa fight UNK UNK UNK"]} +{"id": "gigaword-test-534", "text": "democrats on tuesday accused president george w. bush of `` recklessly '' leading america into war in iraq and called for a withdrawal of us forces , in a blunt rebuttal to the president 's annual state of the union speech .", "summaries": ["UNK by bush democrats urge us pullout from iraq by stephanie griffith"]} +{"id": "gigaword-test-535", "text": "chadian security forces detained an armed hijacker who forced a sudanese plane heading to the troubled darfur region to to n ` djamena on wednesday .", "summaries": ["chadian troops seize hijacker of sudanese plane UNK UNK throughout with detail on hijacker"]} +{"id": "gigaword-test-536", "text": "a senate panel began debate wednesday on a resolution condemning president george w. bush 's plan to send an additional ##,### troops to iraq , in what would be , if it passes , an unprecedented rebuke of the us leader .", "summaries": ["senate panel weighs no-confidence measure on bush troop surge"]} +{"id": "gigaword-test-537", "text": "germany 's aliona savchenko and robin szolkowy won their first major title when they claimed pairs gold at european figure skating championships here on wednesday .", "summaries": ["figure skating : germans claim european pairs gold"]} +{"id": "gigaword-test-538", "text": "results from day ## of the australian open at melbourne park here thursday -lrb- x denotes seeding -rrb- .", "summaries": ["australian open results day ## #st UNK"]} +{"id": "gigaword-test-539", "text": "four children were killed and another three wounded thursday when an old mortar fuse exploded as they played with it in afghanistan 's capital , police said .", "summaries": ["children killed by old explosives in afghanistan"]} +{"id": "gigaword-test-540", "text": "un chief ban ki-moon on thursday huddled with his special envoy for kosovo to discuss the disputed serbian province 's future status on the sidelines of the paris conference on lebanon reconstruction , his spokeswoman said .", "summaries": ["un chief discusses kosovo on sidelines of lebanon aid talks"]} +{"id": "gigaword-test-541", "text": "japanese core consumer prices rose by #.# percent in december from a year earlier , the government said friday as deflationary pressure eases in the country .", "summaries": ["UNK UNK 's core consumer prices up #.# percent in december"]} +{"id": "gigaword-test-542", "text": "vaccinations have reached record levels in poor countries , saving the lives of some #.# million children , a global immunisation program funded by computer billionaire bill gates said friday .", "summaries": ["vaccines work miracles in poor countries : gates"]} +{"id": "gigaword-test-543", "text": "quebec 's prime minister jean charest did not speak by phone with french socialist presidential candidate segolene royal , his spokesman said friday , confirming that royal had fallen victim to an impostor .", "summaries": ["quebec 's premier did not speak with france 's royal : spokesman UNK UNK spokesman 's UNK"]} +{"id": "gigaword-test-544", "text": "questions were raised friday over how much blame should be heaped on a top reporter jailed for hacking into phone messages about the british royal family -- and how much on his bosses .", "summaries": ["fingers point at british UNK bosses as royal reporter jailed by katherine UNK"]} +{"id": "gigaword-test-545", "text": "talks resumed in conakry saturday in an attempt to end to a ##-day general strike that has left ## people dead , after guinean president UNK conte made a crucial concession .", "summaries": ["talks resume to end guinea strike"]} +{"id": "gigaword-test-546", "text": "ministers from china and japan wrapped up three days of closed-door strategic talks over the weekend , vowing to build `` mutually beneficial '' ties , chinese state media reported sunday .", "summaries": ["china and UNK UNK up talks vow to improve ties"]} +{"id": "gigaword-test-547", "text": "sweden 's jens byggmark won his second men 's world cup slalom within ## hours here on sunday .", "summaries": ["cricket : south africa v pakistan scoreboard"]} +{"id": "gigaword-test-548", "text": "bollywood star shilpa shetty won the reality television show `` celebrity big brother '' , earning press plaudits monday for having changed britain by enduring with grace allegedly racist bullying that sparked an international row .", "summaries": ["bollywood star shetty wins british reality tv show by UNK rao"]} +{"id": "gigaword-test-549", "text": "insurgents attacked a police post in a taliban heartland in southern afghanistan overnight , killing a policeman and wounding two others , officials said monday .", "summaries": ["UNK kill policeman in southern afghanistan"]} +{"id": "gigaword-test-550", "text": "pope john paul ii had such a passion for skiing that he carried on hitting the slopes -- incognito -- even after becoming pontiff , according to a memoir by his personal secretary stanislaw dziwisz .", "summaries": ["pope john paul ii hit the ski slopes incognito : aide 's memoir"]} +{"id": "gigaword-test-551", "text": "rio ferdinand admits manchester united 's recent defensive problems are causing concern ahead of the crucial , closing stages of the season .", "summaries": ["football : united UNK a worry for rio by ian UNK"]} +{"id": "gigaword-test-552", "text": "russia is cautiously optimistic about upcoming six-nation talks aimed at dismantling north korea 's nuclear weapons program , deputy foreign minister alexander losyukov was quoted as saying tuesday .", "summaries": ["cautious optimism for nkorean nuclear talks : russia"]} +{"id": "gigaword-test-553", "text": "several mortar rounds slammed into a baghdad sunni district tuesday , killing at least ## people , hours after dozens of shiite pilgrims were killed in other attacks around iraq , police said .", "summaries": ["## killed by mortar fire on baghdad sunni district"]} +{"id": "gigaword-test-554", "text": "us forces are running up against the clock in implementing a badly-needed new strategy in iraq , the admiral who is set to take over the command of us forces in the middle east said tuesday .", "summaries": ["time is short for iraq turnaround : us commander by jim UNK UNK UNK with UNK details"]} +{"id": "gigaword-test-555", "text": "some ## countries met here wednesday to set national quotas for tuna whose total catch has been reduced to prevent the immensely popular fish being hunted to extinction .", "summaries": ["nations to set tuna quotas amid extinction fears"]} +{"id": "gigaword-test-556", "text": "germany has ordered the arrest of ## people behind the alleged cia-backed kidnapping of a lebanese-born german man , prosecutors said wednesday , in one of the best-known cases of us `` renditions '' of terror suspects .", "summaries": ["germany orders arrest of ## over cia UNK : report by deborah cole UNK UNK with confirmation"]} +{"id": "gigaword-test-557", "text": "eight people were killed and several injured when two passenger vans collided wednesday near the western kenyan city of kisumu , throwing one of them into a nearby river , officials said .", "summaries": ["eight killed in kenyan traffic smash"]} +{"id": "gigaword-test-558", "text": "canada and the united states have launched a satellite mapping project of north america to better monitor biodiversity and climate change in the region , natural resources canada said wednesday .", "summaries": ["canada us launch satellite UNK of north america"]} +{"id": "gigaword-test-559", "text": "chelsea owner roman abramovich and england captain david beckham top english soccer 's rich lists .", "summaries": ["second test scoreboard"]} +{"id": "gigaword-test-560", "text": "the pentagon has decided to bolster u.s. forces in iraq in advance of elections scheduled for late january by sending elements of the ##nd airborne division from fort bragg , north carolina , and extending the tours of duty for other units already in iraq , officials said wednesday .", "summaries": ["pentagon sending more troops to iraq to provide security before election"]} +{"id": "gigaword-test-561", "text": "in george UNK 's new biography of marlon brando , he writes of how he and brando spent a rare evening with jacqueline kennedy onassis six weeks after president kennedy 's assassination : UNK", "summaries": ["new book recalls a rare evening with jacqueline kennedy onassis"]} +{"id": "gigaword-test-562", "text": "crude oil prices rose briefly before heading lower and dropping through us$ ## friday following two days of sharp sell-offs as worries about low winter fuel inventories dissipate amid rising supplies .", "summaries": ["oil prices fall after initial bounce"]} +{"id": "gigaword-test-563", "text": "a chemical weapons laboratory that u.s. forces found last week in fallujah as they chased out insurgents had chemicals and other paraphernalia to make deadly hydrogen cyanide , pentagon officials said friday .", "summaries": ["pentagon says UNK had lab in fallujah to research chemical UNK"]} +{"id": "gigaword-test-564", "text": "austrian christoph gruber took the first-run lead saturday by two-tenths of a second in a world cup giant slalom , which claimed defending discipline champion bode miller , who crashed early in his run .", "summaries": ["dutch soccer results"]} +{"id": "gigaword-test-565", "text": "two major challenges are expected to unfold monday when ohio secretary of state kenneth blackwell certifies the state 's final presidential election results , declaring president george w. bush the winner by about ###,### votes .", "summaries": ["new round of challenges expected as ohio certifies vote monday"]} +{"id": "gigaword-test-566", "text": "ukraine will not pull out its #,###-member contingent from the u.s.-led coalition in iraq for at least four to five more months because the withdrawal would be too expensive , the defense minister said monday .", "summaries": ["defense minister says ukrainian military to stay in iraq at least four months"]} +{"id": "gigaword-test-567", "text": "shots in the air , music in the streets and screams of joys greeted six students who returned home monday after being released from an israeli jail the day before in a high-profile prisoner swap .", "summaries": ["egyptian students released from israeli jail return home will not face charges"]} +{"id": "gigaword-test-568", "text": "tom UNK , a pop artist best known for his modern take on the reclining female nude , has died at age ## .", "summaries": ["pop artist tom UNK is dead at ##"]} +{"id": "gigaword-test-569", "text": "state-owned indian airlines and air-india will soon finalize plans to buy new planes , the aviation minister said tuesday , in what would be another major battle for orders between the world 's largest commercial aircraft makers _ airbus and boeing .", "summaries": ["india to expedite us$ # billion purchase of new aircraft for state-owned airlines"]} +{"id": "gigaword-test-570", "text": "jack newfield , a muckraking reporter and newspaper columnist who wrote books on robert f. kennedy and boxing impresario don king , has died .", "summaries": ["u.s. columnist author jack newfield dies at ## ; wrote books on bobby kennedy don king"]} +{"id": "gigaword-test-571", "text": "japan airlines said wednesday it has selected boeing co. 's new #e# passenger jet to replace a fleet of older aircraft _ the latest development in the rivalry between the u.s. aircraft maker and airbus of europe to woo asian carriers .", "summaries": ["UNK airlines to purchase boeing 's #e# jets"]} +{"id": "gigaword-test-572", "text": "three city police officers have been arrested on suspicion of shooting two arizona tourists they were allegedly trying to rob , federal police reported on wednesday .", "summaries": ["mexican federal agents arrest city police accused of robbing arizona residents"]} +{"id": "gigaword-test-573", "text": "onstage , a revered classical actor with a knighthood and two oscar nominations to his name is strutting his stuff in a multicolored UNK , tossing out double UNK with a wink to the crowd .", "summaries": ["UNK : a UNK british christmas tradition"]} +{"id": "gigaword-test-574", "text": "in a land of magic and mystics , beyond the waves of the arabian sea , lives a hero whose soul will forever remain american .", "summaries": ["annals of globalization _ india has its own spider-man tailored to local tastes"]} +{"id": "gigaword-test-575", "text": "the vatican 's official english-language translation of the italian text of pope john paul ii 's homily during midnight mass in st. peter 's basilica : UNK", "summaries": ["text of pope 's midnight mass homily"]} +{"id": "gigaword-test-576", "text": "days of rioting between christians and muslims in eastern pakistan following allegations that a quran was defiled escalated saturday , leaving six christians dead , including a child , authorities said .", "summaries": ["# pakistani christians die in riots with muslims"]} +{"id": "gigaword-test-577", "text": "it 's the perfect miami morning at carlos justo 's penthouse -- warm and bright , with luxury yachts powering through the sparkling blue atlantic ocean some ## stories below .", "summaries": ["a superstar real estate agent plots his comeback"]} +{"id": "gigaword-test-578", "text": "a european union naval spokesman says pirates have freed a malaysian tugboat they held for more than seven months .", "summaries": ["somali pirates free malaysian tugboat"]} +{"id": "gigaword-test-579", "text": "results monday from the la women 's tennis championships , a $ ###,### wta tour event played on hardcourts at the home depot center -lrb- seedings in parentheses -rrb- : UNK", "summaries": ["wta tour la women s tennis championships results"]} +{"id": "gigaword-test-580", "text": "a cambodian court convicted an outspoken opposition legislator on tuesday of defaming prime minister hun sen , despite complaints from rights groups that the lawsuit was aimed at silencing critics .", "summaries": ["court rules politician defamed cambodian pm"]} +{"id": "gigaword-test-581", "text": "an independent pakistani human rights commission said tuesday that rioting that killed eight christians last week was not spontaneous but was planned by the attackers , some of whom belong to an al-qaida-linked group .", "summaries": ["pakistan rights group : christian riots planned"]} +{"id": "gigaword-test-582", "text": "the u.n. security council voted unanimously tuesday to name and shame countries and insurgents groups engaged in conflicts that lead to children being killed , maimed and raped .", "summaries": ["un to name those that kill children in war"]} +{"id": "gigaword-test-583", "text": "pakistan 's air force says one of its fighter jets has crashed on a training flight , killing the pilot .", "summaries": ["pakistan air force fighter jet crashes pilot dies"]} +{"id": "gigaword-test-584", "text": "sportswear maker adidas ag said wednesday its second-quarter net profit fell ## percent as currency effects and tough competition weighed on earnings , but hopes of an improvement over the rest of the year helped the company 's share price leap # percent .", "summaries": ["adidas q# net falls ## pct ; shares up on h# hopes"]} +{"id": "gigaword-test-585", "text": "a suspected u.s. missile strike killed a wife of pakistani taliban chief baitullah mehsud at his father-in-law 's house wednesday , pakistani intelligence and military officials said .", "summaries": ["officials : taliban chief s wife killed by missile"]} +{"id": "gigaword-test-586", "text": "nascar driver reed sorenson inhaled carbon monoxide during monday 's sprint cup race at pocono , and his team has asked former formula one champion jacques villeneuve to be on standby this weekend at watkins glen .", "summaries": ["UNK recovering from carbon monoxide sickness"]} +{"id": "gigaword-test-587", "text": "reinsurer hannover re ag said thursday that its second-quarter net profit doubled as demand increased for its products , particularly life and health reinsurance .", "summaries": ["hannover re s #nd-quarter profit doubles"]} +{"id": "gigaword-test-588", "text": "newcastle starts its new season in unfamiliar surroundings against very familiar opponents when it takes on west bromwich albion in the league championship on saturday .", "summaries": ["newcastle opens second-tier season at west brom"]} +{"id": "gigaword-test-589", "text": "a woman who let her #-year-old son drive while she was passed out drunk in the passenger seat has been sentenced to ## days in jail .", "summaries": ["us mom sentenced for letting son # drive"]} +{"id": "gigaword-test-590", "text": "two u.s. senators are blocking ## of president barack obama 's nominees for senior administration posts at the pentagon and justice department in protest over a proposal to house guantanamo detainees at the fort leavenworth prison in their midwestern home state of kansas .", "summaries": ["us senators bar obama nominees protest guantanamo"]} +{"id": "gigaword-test-591", "text": "the parallels between iran and north korea would seem to riff off the same UNK script : start a nuclear program , test some long-range missiles , demand international respect .", "summaries": ["nkorea iran use similar script to get their way"]} +{"id": "gigaword-test-592", "text": "a uighur activist called friday for a u.n. investigation of recent violence in western china , as ### people demonstrated outside the chinese consulate in melbourne .", "summaries": ["uighur activist calls for probe on unrest in china"]} +{"id": "gigaword-test-593", "text": "portugal has agreed to take two syrian detainees from guantanamo on humanitarian grounds , the government said friday -- becoming the third eu nation to accept inmates from the u.s. military prison .", "summaries": ["portugal taking # syrian guantanamo detainees"]} +{"id": "gigaword-test-594", "text": "the new general motors co. said friday it was worried about regaining consumer confidence following its exit from bankruptcy protection , and that its sales wo n't improve in #### as u.s. economic troubles continue .", "summaries": ["new gm worries about regaining consumer confidence"]} +{"id": "gigaword-test-595", "text": "sonia sotomayor was sworn in saturday as the supreme court 's first hispanic justice and only third female member in the top u.s. court 's ###-year history .", "summaries": ["sotomayor sworn in to top us court"]} +{"id": "gigaword-test-596", "text": "chinese ace lin dan is poised to become the first player in world badminton championship history to win three successive men 's singles titles .", "summaries": ["lin dan chases hat-trick of world titles"]} +{"id": "gigaword-test-597", "text": "the arctic ocean has given up tens of thousands more square miles -lrb- square kilometers -rrb- of ice on sunday in a relentless summer of melt , with scientists watching through satellite eyes for a possible record low polar ice cap .", "summaries": ["vast UNK of arctic ice melt in summer heat"]} +{"id": "gigaword-test-598", "text": "nestle sa , the world 's biggest food and drink maker , reported wednesday a # percent fall in first-half net profit as the recession hurt consumer demand and divestments and a stronger swiss franc weighed on sales .", "summaries": ["nestle posts # pct fall in h# net profit"]} +{"id": "gigaword-test-599", "text": "president barack obama 's campaign for a health care overhaul is an intense installment in a long-running story , dating to theodore roosevelt in #### .", "summaries": ["analysis : health care debate a long-running story"]} +{"id": "gigaword-test-600", "text": "president barack obama is presenting the highest u.s. civilian honor to ## actors , athletes , activists , scientists and humanitarians .", "summaries": ["activists actors athletics honored by obama"]} +{"id": "gigaword-test-601", "text": "results thursday at the rogers cup , a $ # million atp tour event on outdoor UNK at UNK stadium -lrb- seedings in parentheses -rrb- : UNK", "summaries": ["UNK cup results"]} +{"id": "gigaword-test-602", "text": "a swiss court has backed the government 's plan to give aid agencies # million swiss francs -lrb- $ # million -rrb- seized from bank accounts linked to haiti 's former dictator jean-claude `` baby doc '' duvalier .", "summaries": ["swiss court says haitian money can be given as aid"]} +{"id": "gigaword-test-603", "text": "the search for a UNK cargo ship that vanished last month in the atlantic reached far south along the west african coast friday with unconfirmed reports of sightings near cape verde .", "summaries": ["missing ship reported as far south as UNK verde"]} +{"id": "gigaword-test-604", "text": "the leader of lebanon 's militant hezbollah warned israel friday his fighters would hit tel aviv with rockets if israeli forces attack beirut or the guerrillas ' stronghold in its southern suburbs .", "summaries": ["hezbollah chief : we ll hit tel aviv if beirut hit"]} +{"id": "gigaword-test-605", "text": "israel appears to be quietly halting new building projects in the west bank even as it publicly refuses u.s. calls for an official settlement freeze .", "summaries": ["israeli officials : new west bank projects frozen"]} +{"id": "gigaword-test-606", "text": "when the sky & more mall opened in riga in #### , retailers hoped its expensive boutiques and upscale supermarket would draw well-off latvians on their way home to the UNK neighborhoods on the capital 's north side .", "summaries": ["retail sales plunge in e. europe"]} +{"id": "gigaword-test-607", "text": "sanya richards shook off years of disappointment with her first major title in the ### meters , pumping her fist after crossing the line at the world championships .", "summaries": ["richards wins bolt through to semifinals in ###"]} +{"id": "gigaword-test-608", "text": "canada 's prime minister has dined on seal meat in a gesture of support for the sealing industry .", "summaries": ["canadian pm has seal meat"]} +{"id": "gigaword-test-609", "text": "greece international central defender sotiris kyrgiakos says he intends to join liverpool after receiving an offer from the premier league club .", "summaries": ["kyrgiakos says intends to join liverpool"]} +{"id": "gigaword-test-610", "text": "ivory coast striker boubacar sanogo is set to leave werder bremen for french first division side saint-etienne .", "summaries": ["sanogo set to sign for saint-etienne"]} +{"id": "gigaword-test-611", "text": "don hewitt , the cbs newsman who invented the highly popular tv newsmagazine `` ## minutes '' and produced it for ## years , died wednesday .", "summaries": ["cbs news pioneer don hewitt dies at ##"]} +{"id": "gigaword-test-612", "text": "midfielder UNK scored a first-half goal as defending champion sao paulo defeated struggling fluminense #-# to extend its winning streak to seven matches and move closer to the brazilian league lead on wednesday .", "summaries": ["sao paulo wins #th in a row in brazil"]} +{"id": "gigaword-test-613", "text": "scoreboard at stumps thursday on the third day of the first cricket test between sri lanka and new zealand at galle international stadium : UNK", "summaries": ["sri lanka vs. new zealand scoreboard"]} +{"id": "gigaword-test-614", "text": "south african teenager caster semenya received her gold medal thursday for her ###-meter win at the world championships .", "summaries": ["semenya receives medal for ### win"]} +{"id": "gigaword-test-615", "text": "roger federer struggled in blustery conditions to overcome david ferrer of spain #-# , #-# , #-# to reach the quarterfinals of the western and southern financial group masters on thursday .", "summaries": ["federer needs # sets to reach quarterfinals"]} +{"id": "gigaword-test-616", "text": "an iraqi police official says a bomb attached to a small truck has exploded near a vegetable market in southern baghdad , killing two and wounding ## .", "summaries": ["iraq : # killed in baghdad truck bombing"]} +{"id": "gigaword-test-617", "text": "u.s. home resales posted the largest monthly increase in at least ## years last month as first-time buyers rushed to take advantage of a tax credit that expires this fall .", "summaries": ["july home sales surge more than # percent"]} +{"id": "gigaword-test-618", "text": "UNK", "summaries": ["bermuda us coast warned as bill stays offshore"]} +{"id": "gigaword-test-619", "text": "charlie UNK baffled the cubs with his knuckleball , matt kemp and casey blake homered , and the los angeles dodgers defeated chicago #-# in the national league to win their third game in a row on saturday .", "summaries": ["UNK s UNK fools cubs as dodgers win #-#"]} +{"id": "gigaword-test-620", "text": "copenhagen ap -rrb- -- results from the danish first division -lrb- home teams listed first -rrb- : UNK", "summaries": ["danish football results"]} +{"id": "gigaword-test-621", "text": "the obama administration launched a criminal investigation monday into harsh questioning of detainees during president george w. bush 's war on terrorism , revealing cia interrogators ' threats to kill one suspect 's children and to force another to watch his mother sexually assaulted .", "summaries": ["inhumane cia terror tactics spur criminal probe"]} +{"id": "gigaword-test-622", "text": "president barack obama has announced he wants ben bernanke to get a second four-year term as head of the federal reserve , praising his `` calm and wisdom '' in the face of a near financial collapse .", "summaries": ["obama selects bernanke for second #-year fed term"]} +{"id": "gigaword-test-623", "text": "diego maradona predicted a victory against brazil in their world cup qualifier at rosario on sept. # .", "summaries": ["maradona predicts victory over brazil"]} +{"id": "gigaword-test-624", "text": "results tuesday from the pilot pen , a $ ###,### atp and $ ###,### wta event played on hardcourts at the connecticut tennis center -lrb- seedings in parentheses -rrb- : UNK", "summaries": ["atp-wta pilot pen results"]} +{"id": "gigaword-test-625", "text": "an outspoken uighur economist who disappeared for more than a month after being accused of stirring up china 's worst ethnic violence in decades said wednesday that authorities have freed him without charge .", "summaries": ["china frees outspoken uighur intellectual"]} +{"id": "gigaword-test-626", "text": "police say gunmen have opened fire on a group of men in a street in the southwestern pakistani city of quetta , killing three .", "summaries": ["# killed in shooting in pakistan"]} +{"id": "gigaword-test-627", "text": "results wednesday from the pilot pen , a $ ###,### atp and $ ###,### wta event played on hardcourts at the connecticut tennis center -lrb- seedings in parentheses -rrb- : UNK", "summaries": ["atp-wta pilot pen results"]} +{"id": "gigaword-test-628", "text": "the moroccan royal palace says a doctor has ordered king mohammed vi placed in convalescence for five days for a digestive infection .", "summaries": ["morocco s king convalescing with digestive virus"]} +{"id": "gigaword-test-629", "text": "it 's not green cheese , but it might as well be .", "summaries": ["moon rock in dutch museum is just petrified wood"]} +{"id": "gigaword-test-630", "text": "facebook agreed thursday to give users more control over the information they share with third-party applications like games and quizzes in response to concerns raised by canadian privacy officials .", "summaries": ["facebook agrees with canada on privacy controls"]} +{"id": "gigaword-test-631", "text": "toyota is pulling out of a california factory joint venture it had previously run with general motors -- the first time the japanese automaker is closing a major auto assembly plant ever .", "summaries": ["toyota moving UNK production to other plants"]} +{"id": "gigaword-test-632", "text": "hours after being lightly wounded by a suicide bomber , a senior saudi prince largely credited with the kingdom 's aggressive anti-terrorism efforts said friday he was more determined than ever to fight militants in the country .", "summaries": ["saudi prince vows to fight terrorism after attack"]} +{"id": "gigaword-test-633", "text": "utrecht , netherlands -- dutch judges friday called a ##-year-old girl 's plan to sail solo around the world `` undeniably daring and risky , '' but refused to scupper it completely , in a high profile clash between child care authorities and liberal dutch parenting .", "summaries": ["dutch delay ##-year-old sailor s worldwide trip"]} +{"id": "gigaword-test-634", "text": "for ## years , phillip garrido managed to elude detection as he pulled off what authorities are calling an unfathomable crime , kidnapping ##-year-old jaycee dugard , keeping her as his secret sex slave for nearly two decades and fathering two of her children .", "summaries": ["questions arise over how UNK went undetected"]} +{"id": "gigaword-test-635", "text": "manchester united will begin the defense of the league cup against premier league newcomer wolverhampton .", "summaries": ["man united opens league cup defense against UNK"]} +{"id": "gigaword-test-636", "text": "summaries from the first round of the spanish first-division football league -lrb- home teams listed first -rrb- : UNK", "summaries": ["spanish football summaries"]} +{"id": "gigaword-test-637", "text": "formula one leader jenson button crashed out of the belgian grand prix on sunday and will finish out of the points for the first time this season .", "summaries": ["f# leader button crashes out of belgian gp"]} +{"id": "gigaword-test-638", "text": "japan 's opposition swept to a historic victory in elections sunday , crushing the ruling conservative party that has run the country for most of the postwar era and assuming the daunting task of pulling the economy out of its worst slump since world war ii .", "summaries": ["UNK election upends long-ruling party"]} +{"id": "gigaword-test-639", "text": "german media company bertelsmann said monday it lost money in the first half of the year on declines in advertising revenue and consumer spending .", "summaries": ["bertelsmann makes #h net loss of euro### million"]} +{"id": "gigaword-test-640", "text": "shares in africa israel investments ltd. , one of israel 's largest companies , have plummeted by one-third in two days after its diamond tycoon owner acknowledged possible problems paying off billion of dollars in company debts .", "summaries": ["israeli mogul s empire foundering"]} +{"id": "gigaword-test-641", "text": "french judges on monday ordered UNK generale trader jerome kerviel to stand trial over transactions that cost the bank billions of euros -lrb- dollars -rrb- , a judicial official said .", "summaries": ["french trader to stand trial over socgen losses"]} +{"id": "gigaword-test-642", "text": "waving banners against immigration , european integration and president jacques chirac , about ##,### far-right supporters marched wednesday while unions were divided on the traditional labor day .", "summaries": ["big national front march on labor day while unions divided eds : UNK with union march drawing up to ##,###"]} +{"id": "gigaword-test-643", "text": "worried by dozens of abusive telephone threats received by doctors and nurses , police have tightened security at a hospital treating a man accused of murdering ## people in a shooting and arson spree .", "summaries": ["hospital security tightened after threats made ; cafeteria to be demolished"]} +{"id": "gigaword-test-644", "text": "three u.s. warships with some #,### marines on board moved toward liberia 's shores thursday after fierce fighting erupted on a strategic bridge in the capital .", "summaries": ["chief liberian warlord calls for end to cease-fire eds : UNK with u.s. efforts to broker a cease-fire"]} +{"id": "gigaword-test-645", "text": "a man who pushed his wife to her death from a sixth-floor balcony has been executed , the china women 's news reported friday .", "summaries": ["man who pushed wife off balcony others executed in china eds : UNK with reports of # other executions"]} +{"id": "gigaword-test-646", "text": "for the first time since this caribbean nation gained independence in #### , a woman is running the country - if only temporarily .", "summaries": ["for first time woman acting as prime minister"]} +{"id": "gigaword-test-647", "text": "carlos moya snapped thomas muster 's ##-match clay streak saturday at the bmw open , posting a surprisingly one-sided win over the austrian .", "summaries": ["eds : contains items on lebanon kuwait jordan saudi arabia"]} +{"id": "gigaword-test-648", "text": "baghdad authorities have reopened the roads leading from the city of kirkuk to the kurdish self-rule area in northern iraq , the official iraqi news agency has reported .", "summaries": ["iraqi authorities reopen roads to kurdish area"]} +{"id": "gigaword-test-649", "text": "clouds of dark smoke billowed over the city sunday as #,### liberian refugees stood on the deck of a freighter , sadly singing a patriotic hymn and waving farewell as the ship inched away from the burning capital .", "summaries": ["sultan azlan shah cup at a glance"]} +{"id": "gigaword-test-650", "text": "the speaker of germany 's parliament urged greater participation of women in technical fields , at monday 's start of an international forum on women 's role in leadership .", "summaries": ["forum hears UNK for more women in technical fields UNK photo UNK"]} +{"id": "gigaword-test-651", "text": "home-grown champions have been few and far between at the italian open .", "summaries": ["italy 's woes continue with five losses on first day eds : matches begin at #### UNK"]} +{"id": "gigaword-test-652", "text": "just a day before the deadline , officials said tuesday that only about a third of eligible bulgarians had signed up for a share of more than #,### state-run enterprises that are being privatized .", "summaries": ["privatization attracts only one-third of potential investors by UNK UNK"]} +{"id": "gigaword-test-653", "text": "the governing party on tuesday suspended a veteran local legislator who was expelled from the senate because of ethics violations .", "summaries": ["governing party suspends senator after expulsion from senate by benjamin morales melendez"]} +{"id": "gigaword-test-654", "text": "the government has combined poland 's seven state-owned oil refineries and the main gasoline distribution network into a holding company , making it the biggest enterprise in the country , officials said wednesday .", "summaries": ["refineries gasoline distribution formed into one operation"]} +{"id": "gigaword-test-655", "text": "the european union lost at least #.## billion european currency units -lrb- dlrs #.# billion -rrb- to fraud last year , amounting to #.# percent of its total budget , the eu commission reported wednesday .", "summaries": ["eu reports dlrs #.# billion lost to fraud last year by mark lawrence"]} +{"id": "gigaword-test-656", "text": "for five years , the supreme patriarch of cambodian buddhism has been marching for peace in a vain effort to save thousands of young men from marching to war .", "summaries": ["UNK mixed ; gold down"]} +{"id": "gigaword-test-657", "text": "a malaria epidemic in azerbaijan is in danger of spreading into neighboring countries , the world health organization said thursday .", "summaries": ["who fears malaria outbreak in azerbaijan could spread"]} +{"id": "gigaword-test-658", "text": "in process of divorcing from prince andrew , the cash-hungry duchess of york has clinched a deal with a u.s. publisher to write a new book , according to a news report friday .", "summaries": ["report : duchess has clinched us deal to write a new book eds : in #nd graf simon and schuster takes an UNK"]} +{"id": "gigaword-test-659", "text": "norwegian shipyard workers rejected a wage offer friday and said they would strike next week , shutting down key shipyards and offshore oil construction yards .", "summaries": ["sultan azlan shah cup at a glance"]} +{"id": "gigaword-test-660", "text": "russian border guards in tajikistan seized ### kilograms -lrb- ### pounds -rrb- of raw opium bound for smuggling abroad , the guards ' command said saturday .", "summaries": ["russian border guards seize ### pounds of raw opium"]} +{"id": "gigaword-test-661", "text": "the shape of india 's future government could be decided sunday as politicians huddled into meetings to work out alliances between parties and cobble together a coalition .", "summaries": ["parties meet to work out a coalition to rule india by UNK roy"]} +{"id": "gigaword-test-662", "text": "in a rare foray into politics , the head of russia 's orthodox church has appealed to his countrymen to prevent a return to past repressions and `` make the right choice '' in june 's presidential elections .", "summaries": ["russian church leader UNK for stability with russia-politics"]} +{"id": "gigaword-test-663", "text": "a public prosecutor on monday asked a judicial council to determine if felony fraud and bribery charges should be brought against representatives of germany 's UNK , greece 's UNK and the state-owned telecommunications monopoly .", "summaries": ["UNK UNK focus of judicial investigations"]} +{"id": "gigaword-test-664", "text": "john lucas , who lost his job as general manager of the philadelphia ##ers last week , was fired as coach of the national basketball association team on monday .", "summaries": ["##ers fire lucas as coach two assistants"]} +{"id": "gigaword-test-665", "text": "about ### bosnian army soldiers flew to turkey on tuesday , where they will receive three months of training on new weapons the muslim-led government expects to receive .", "summaries": ["bosnian soldiers leave for training in turkey with bc-yugoslavia"]} +{"id": "gigaword-test-666", "text": "in #### bernardo bertolucci was president of the jury at cannes , the world 's largest film festival .", "summaries": ["UNK guide UNK tuesday"]} +{"id": "gigaword-test-667", "text": "if the communists win presidential elections in june their economic program includes plans to confiscate private fortunes and property and stop russians from going abroad , a newspaper reported wednesday .", "summaries": ["report : communist program would confiscate money and property"]} +{"id": "gigaword-test-668", "text": "the dutch insurer aegon nv said wednesday its first-quarter net profit rose ##.# percent and turnover rose ##.# percent , largely due to better results in life and general insurance .", "summaries": ["dutch insurer aegon reports net profit rise"]} +{"id": "gigaword-test-669", "text": "russia will ease its currency gradually lower against the dollar during the second half of #### but at a rate lower than russian inflation , top officials announced thursday .", "summaries": ["concacaf olympic qualifying at a glance"]} +{"id": "gigaword-test-670", "text": "palestinian leader yasser arafat will visit greece next week , the government said thursday .", "summaries": ["arafat to visit greece"]} +{"id": "gigaword-test-671", "text": "a delighted president nelson mandela met one of his screen idols friday , american actor sydney poitier .", "summaries": ["star struck mandela meets american screen legend UNK photos available"]} +{"id": "gigaword-test-672", "text": "pope john paul ii landed friday for the first time in independent slovenia , where he will celebrate his ##th birthday this weekend amid some of his favorite scenery _ mountains _ and with some of his favorite people _ the young .", "summaries": ["precede rome pope lands in slovenia on birthday weekend"]} +{"id": "gigaword-test-673", "text": "johnny `` guitar '' watson , one of rhythm and blues ' most influential guitarists , has died of a heart attack after collapsing on stage in japan .", "summaries": ["rhythm and blues musician johnny guitar watson dies in UNK eds : UNK UNK UNK UNK : rob crocker ... to UNK with"]} +{"id": "gigaword-test-674", "text": "nick zito , who had three horses finish second during rival trainer d. wayne lukas ' streak of six straight victories in triple crown races , won the preakness on saturday with louis quatorze , who had finished ##th in the kentucky derby .", "summaries": ["UNK louis UNK wins preakness"]} +{"id": "gigaword-test-675", "text": "olivier panis of france in a UNK captured a wet and wild monaco grand prix sunday after pole winner and two-time defending champion michael schumacher crashed on the first lap .", "summaries": ["formula one standings"]} +{"id": "gigaword-test-676", "text": "russian troops backed by aircraft monday bombarded a village held by chechen rebels as insurgents stepped up attacks on government posts in the capital , officials said .", "summaries": ["fighting escalates in chechnya"]} +{"id": "gigaword-test-677", "text": "marc rosset upset boris becker in straight sets to pace switzerland over germany in the opening round of the world team cup monday , while spain beat sweden #-# .", "summaries": ["switzerland spain win opening matches"]} +{"id": "gigaword-test-678", "text": "this time , there were no gale conditions facing colin montgomerie at the oxfordshire golf club .", "summaries": ["montgomerie weathers bad day advances to semifinals eds : UNK previous"]} +{"id": "gigaword-test-679", "text": "a small arab party headed by an adviser to yasser arafat on tuesday quit the race for israel 's parliament after polls suggested it would fail to win a seat .", "summaries": ["arafat 's adviser withdraws candidacy in israeli elections eds : UNK with peres comment in #th graf"]} +{"id": "gigaword-test-680", "text": "a county on the route of the olympic torch passed an anti-gay resolution tuesday night that is identical to one that prompted officials to reroute the torch around a georgia county .", "summaries": ["greenville county passes anti-gay resolution"]} +{"id": "gigaword-test-681", "text": "two cabinet members submitted their resignations to former premier tansu ciller on wednesday as part of her attempt to tighten the grip on premier mesut yilmaz .", "summaries": ["ciller increases pressure for confidence vote eds : leads with cabinet ministers proposing resignations"]} +{"id": "gigaword-test-682", "text": "wong peng soon , a four-time all-england singles badminton champion and singapore 's most famous sportsman , has died of pneumonia .", "summaries": ["badminton ace dies"]} +{"id": "gigaword-test-683", "text": "second-seeded aranxta sanchez vicario disposed of south african amanda coetzer #-# , #-# thursday in the third-round of the madrid open .", "summaries": ["sanchez vicario easily advances eds : will be UNK ; stands as #st UNK to some lines to"]} +{"id": "gigaword-test-684", "text": "a president who 's appealing for more time to raise living standards and a coup-prone former dictator who says time has run out faced a tight election thursday in this south american nation .", "summaries": ["former dictator mounts strong challenge in suriname vote eds : UNK throughout with UNK voting peaceful"]} +{"id": "gigaword-test-685", "text": "waving brooms and telling jokes , more than #,### workers took to the streets of the capital friday to protest falling living standards and low salaries .", "summaries": ["#,### workers protest poor living conditions with UNK photo"]} +{"id": "gigaword-test-686", "text": "gold in hong kong dropped the equivalent of #.## u.s. cents an ounce on saturday , to close at ###.## u.s. dollars , compared with friday 's hong kong close of ###.## u.s. dollars .", "summaries": ["bc-hong UNK"]} +{"id": "gigaword-test-687", "text": "a group of puerto rican businessman will visit chile to explore possible new markets , this u.s. commonwealth 's economic development bank announced .", "summaries": ["puerto rican trade mission to visit chile"]} +{"id": "gigaword-test-688", "text": "world no. # joko suprianto beat poul erik hoyer-larsen ##-## , ##-# sunday to lead defending champion indonesia to a #-# victory over denmark in the final of the thomas cup , the premier men 's team badminton tournament .", "summaries": ["indonesia blanks denmark #-# to retain thomas cup"]} +{"id": "gigaword-test-689", "text": "gold in hong kong dropped the equivalent of #.## u.s. cents an ounce on monday , to close at ###.## u.s. dollars , compared with friday 's hong kong close of ###.## u.s. dollars .", "summaries": ["UNK UNK UNK UNK"]} +{"id": "gigaword-test-690", "text": "an american delegation scouring the former soviet union for information on u.s. soldiers missing in action meets with tajik government leaders this week , a news agency reported monday .", "summaries": ["us delegation arrives in tajikistan to look for mias"]} +{"id": "gigaword-test-691", "text": "two south african climbers who conquered mount everest returned safely to their base camp shocked by the loss of their third teammate , missing on the world 's highest peak and presumed dead .", "summaries": ["world at #### UNK"]} +{"id": "gigaword-test-692", "text": "the french open 's two defending champions had little trouble putting away their first-round challengers tuesday , though thomas muster had a tough shootout with frederick fetterlein in their first set .", "summaries": ["with UNK champions league participants for next season"]} +{"id": "gigaword-test-693", "text": "UNK UNK scored twice wednesday as india beat new zealand #-# in the four nations field hockey tournament .", "summaries": ["eds : will be led with later australia-south africa match india beats new zealand"]} +{"id": "gigaword-test-694", "text": "romanian authorities have issued arrest warrants for officers of a taiwanese cargo ship and want them extradited if canadian police find evidence they should be tried for throwing three stowaways overboard .", "summaries": ["romania seeks arrest of ship officers in stowaway case"]} +{"id": "gigaword-test-695", "text": "high productivity does n't always correspond with high profits in the auto industry .", "summaries": ["study shows auto plant productivity profits not always linked with auto UNK auto UNK"]} +{"id": "gigaword-test-696", "text": "armed with a `` magnificent seven '' of young guns from an experienced world-beating youth squad , portugal could be the surprise of the european championship finals .", "summaries": ["armed with experienced young guns portugal hopes to surprise europe"]} +{"id": "gigaword-test-697", "text": "a key international bank thursday revised upward to dlrs #.## trillion the average amount of money handled daily by the world 's currency markets .", "summaries": ["UNK by source until #### UNK friday final bis figures : daily global currency trade of dlrs #.##"]} +{"id": "gigaword-test-698", "text": "german foreign minister klaus kinkel insisted friday that his government would not abandon the half million ethnic germans living in kazakstan .", "summaries": ["german foreign minister visits kazakstan hails reforms eds : UNK throughout with agreement signed kinkel comments on"]} +{"id": "gigaword-test-699", "text": "his final words from the top , beamed by radio from everest 's frozen peak , were triumphant , jubilant .", "summaries": ["death raises questions about south african team by duncan guy"]} +{"id": "gigaword-test-700", "text": "a strong earthquake shook southeastern turkey on thursday , killing at least ## people and collapsing a school dormitory on more than ### children .", "summaries": ["strong quake kills at least ## in turkey ; scores of children UNK in UNK school dormitory"]} +{"id": "gigaword-test-701", "text": "france midfielder emmanuel petit will miss the confederations cup in june because of minor leg injuries , while patrick vieira is an almost certain absentee , france 's coach said .", "summaries": ["france 's petit to miss confederations cup vieira highly doubtful"]} +{"id": "gigaword-test-702", "text": "general motors corp. and ford motor co. posted declines thursday in light vehicle sales for last month compared with a robust april a year ago , though results were better than the past couple of months .", "summaries": ["wta croatian bol ladies open results"]} +{"id": "gigaword-test-703", "text": "remarks by president george w. bush announcing the end of major combat operations in iraq thursday evening from the deck of the aircraft carrier uss abraham lincoln : UNK", "summaries": ["text of president george w. bush 's speech aboard the uss abraham lincoln with bc-na-gen UNK"]} +{"id": "gigaword-test-704", "text": "hadi is no. ## on the u.s. coalition 's list of the ## most-wanted figures .", "summaries": ["doha qatar : reported arrest"]} +{"id": "gigaword-test-705", "text": "formula one teams have agreed to a complete ban on automatic gearboxes and launch control for #### , auto racing 's governing body said friday .", "summaries": ["fia reaches agreement to keep drivers in control of cars"]} +{"id": "gigaword-test-706", "text": "economic growth in toronto will suffer this year because of sars , a think tank said friday as health authorities insisted the illness was under control in canada 's largest city .", "summaries": ["sars toll on toronto economy estimated at c$ # billion UNK us$ ### million with bc-as-gen world-sars virus"]} +{"id": "gigaword-test-707", "text": "the european bank for reconstruction and development is opening an annual meeting in uzbekistan this weekend under strong pressure from human rights groups to push the host country 's repressive government toward democratic change .", "summaries": ["european bank shifts UNK to central asia in a bid to promote democratic and economic change"]} +{"id": "gigaword-test-708", "text": "rebels and government forces signed a countrywide cease-fire agreement saturday , even as insurgents alleged fresh attacks by government forces .", "summaries": ["ivory coast government rebels sign countrywide cease-fire ; fighting reported"]} +{"id": "gigaword-test-709", "text": "muslim guerrillas attacked a southern philippine town and took hostages sunday in fighting that killed at least four people , the military and rebels said .", "summaries": ["australian rugby league results"]} +{"id": "gigaword-test-710", "text": "latvia celebrated its independence day by upsetting russia #-# , and slovakia remained unbeaten after routing austria #-# at the world ice hockey championship on sunday .", "summaries": ["latvia upsets russia #-# slovakia whips austria #-#"]} +{"id": "gigaword-test-711", "text": "the rope on the flagpole is still broken .", "summaries": ["british reopen their baghdad embassy but they ca n't call it that yet"]} +{"id": "gigaword-test-712", "text": "germany 's lufthansa on monday inaugurated a service allowing passengers from frankfurt airport to check in at the railroad station in cologne , bypassing queues at continental europe 's biggest hub .", "summaries": ["lufthansa opens cologne check-in service for passengers from frankfurt airport"]} +{"id": "gigaword-test-713", "text": "it was a sickening feeling he hoped never to experience again , least of all three months later .", "summaries": ["nasa chief found himself reliving columbia tragedy when communication was lost during russian UNK 's descent"]} +{"id": "gigaword-test-714", "text": "as other parts of the world stepped up precautions against sars , state-run newspapers tuesday reported china 's premier as saying the situation in beijing `` remains grave '' and that officials who do n't work hard to fight the disease will be punished .", "summaries": ["china says sars grave in beijing ; hong kong treats patients with serum ; us university bans some asian students"]} +{"id": "gigaword-test-715", "text": "hundreds of fans and collectors snapped up memorabilia collected by roy rogers and dale evans that did n't make the cut when the museum dedicated to the cowboy couple moved to missouri .", "summaries": ["fans grab roy UNK evans memorabilia"]} +{"id": "gigaword-test-716", "text": "president george w. bush named l. paul bremer , a former ambassador and head of the state department 's counterterrorism office , to become civilian administrator in iraq and oversee the country 's transition to democratic rule .", "summaries": ["bush names former state department official to head transition in iraq"]} +{"id": "gigaword-test-717", "text": "president george w. bush named l. paul bremer , a former ambassador and head of the state department 's counterterrorism office , to be his special envoy to iraq and oversee its transition to democratic rule .", "summaries": ["bush names former state department official to head transition in iraq"]} +{"id": "gigaword-test-718", "text": "president chandrika kumaratunga accused her political rival , sri lanka 's prime minister , of `` degrading '' the country 's military and raising the `` false hope '' that a safety net provided by friendly nations would protect against a resurgence of civil war .", "summaries": ["sri lankan president accuses rival prime minister of raising false hope of international safety net in dispute with tamil rebels"]} +{"id": "gigaword-test-719", "text": "mama rose will be back in `` gypsy '' thursday .", "summaries": ["bernadette peters misses performances but will return to critically acclaimed gypsy revival"]} +{"id": "gigaword-test-720", "text": "the columbus blue jackets re-signed forward david vyborny for next season .", "summaries": ["blue jackets sign UNK sanderson"]} +{"id": "gigaword-test-721", "text": "china 's cabinet says sars is wreaking havoc not only among its people but also its economy , and in the faraway jungles of cambodia a new mystery illness has appeared _ baffling doctors just like sars once did .", "summaries": ["china says grim sars crisis hitting economy ; new mystery disease in cambodia"]} +{"id": "gigaword-test-722", "text": "the european central bank left interest rates untouched thursday , waiting for more data on the continent 's shaky economy despite a weak growth outlook that many economists say already justifies a rate cut .", "summaries": ["UNK european central bank leaves key interest rate untouched"]} +{"id": "gigaword-test-723", "text": "the united states will introduce a resolution friday calling for the united nations to lift sanctions against iraq immediately and phase out the oil-for-food aid program over four months , diplomats said .", "summaries": ["u.s. to urge u.n. to lift sanctions against iraq and phase out oil-for-food program"]} +{"id": "gigaword-test-724", "text": "danny ainge said thursday he had two one-hour meetings with the new owners of the boston celtics but no deal has been completed for him to return to the franchise .", "summaries": ["ainge says no deal completed with celtics"]} +{"id": "gigaword-test-725", "text": "exxon mobil has launched a us$ ##-million lubricant oil plant in bangladesh in a joint venture with state-owned jamuna oil company , officials said friday .", "summaries": ["exxon mobil launches its lube plant in bangladesh"]} +{"id": "gigaword-test-726", "text": "poul nielson , the european union 's top humanitarian aid official , said friday the united states wants to take control of iraq 's oil reserves so it can eventually join opec .", "summaries": ["world sports at #### UNK"]} +{"id": "gigaword-test-727", "text": "seeking a central role for the united nations in iraq , the leaders of anti-war germany and france said friday they were committed to `` constructive negotiations '' over a draft u.n. resolution that would leave iraq under u.s. and british control for a year .", "summaries": ["anti-war germany and france open to u.n. draft resolution on iraq"]} +{"id": "gigaword-test-728", "text": "the honduran government will fine the san francisco international airport , or sfo , us$ ###,### for not upgrading airport facilities , a federal official said friday .", "summaries": ["honduras fines u.s. company in charge of country 's airports"]} +{"id": "gigaword-test-729", "text": "montenegro will hold its third presidential election in six months on sunday , with a pro-independence candidate a clear favorite to become the leader of the small republic , part of a union with the much bigger serbia .", "summaries": ["montenegro to hold third presidential election in six months"]} +{"id": "gigaword-test-730", "text": "a move in the u.s. congress to link immigration with opening up mexico 's state oil company to u.s. investment has outraged mexicans , and newspapers accused american lawmakers of arrogance and blackmail .", "summaries": ["mexicans outraged by u.s. congress move to link immigration with oil"]} +{"id": "gigaword-test-731", "text": "the city of frankfurt is marking the ##th anniversary of the book burnings in nazi germany by staging a series of readings , exhibits and discussions about the authors and their works who were deemed `` non-german .", "summaries": ["german cities mark ##th year of nazi book burnings"]} +{"id": "gigaword-test-732", "text": "olympiakos piraeus beat a disappointing panathinaikos athens #-# at home sunday to take a major step toward winning the greek first division soccer championship for the seventh year in a row .", "summaries": ["UNK ,#### west indies-australia scoreboard"]} +{"id": "gigaword-test-733", "text": "comments by u.s. treasury secretary john snow helped propel the euro higher against the dollar to over us$ #.## on monday , a new four-year peak as the ##-nation currency closed in on its all-time high .", "summaries": ["snow 's weekend comments fuel further rise of euro against dollar in european trading"]} +{"id": "gigaword-test-734", "text": "bangladesh and bhutan signed a five-year agreement on monday to promote bilateral trade , officials said .", "summaries": ["bangladesh bhutan sign new trade deal"]} +{"id": "gigaword-test-735", "text": "european finance ministers kicked off two days of talks monday dominated by concern over lethargic growth , swelling budget deficits and a euro rising close to record highs against the dollar .", "summaries": ["eu finance ministers discuss rising euro budget deficits"]} +{"id": "gigaword-test-736", "text": "panamanian police announced monday they had recovered about ### stolen gold and ceramic pre-hispanic artifacts stolen in february from panama city 's anthropology museum .", "summaries": ["panama recovers stolen pre-hispanic artifacts"]} +{"id": "gigaword-test-737", "text": "with deportivo de la coruna , real sociedad and real madrid jammed together at the top of the standings with five rounds remaining , the spanish title race looks set to run to the wire .", "summaries": ["spanish title race promises thrilling finish"]} +{"id": "gigaword-test-738", "text": "british foreign minister jack straw eulogized anti-apartheid fighter walter sisulu tuesday as '' a great fighter for freedom , '' as he began his two-day visit to south africa .", "summaries": ["british foreign minister visits south africa"]} +{"id": "gigaword-test-739", "text": "pg&e corp. on tuesday reported a first-quarter loss of $ ### million as the UNK company continued to suffer from the downfall of a once-thriving energy trading business that appears destined for bankruptcy court .", "summaries": ["pg&e reports first-quarter loss of $ ### million"]} +{"id": "gigaword-test-740", "text": "dozens of ####s-era sewing machines hum in the room off a cobblestone street in old havana , the drone mixing with strains of salsa music and the chatter of elderly women at work .", "summaries": ["international fashion helping to revive a latin classic _ UNK UNK"]} +{"id": "gigaword-test-741", "text": "the suicide bomb attacks in saudi arabia were `` a cowardly and disgraceful terrorist atrocity , '' prime minister tony blair said wednesday .", "summaries": ["two britons missing after saudi suicide blasts"]} +{"id": "gigaword-test-742", "text": "the penultimate phase of talks intended to end more than a decade of violence and chaos in somalia entered its final session wednesday after months of torturous negotiations marred by disputes and allegations of corruption .", "summaries": ["penultimate phase of somali peace talks reach final stage after months of dispute"]} +{"id": "gigaword-test-743", "text": "a russian scientist facing espionage charges asked for a jury trial on wednesday , the itar-tass news agency reported .", "summaries": ["report : russian scientist requests a jury trial"]} +{"id": "gigaword-test-744", "text": "in the second scandal this year involving alleged illegal union donations to the former ruling party , an opposition senator filed a complaint wednesday claiming that money diverted from a rail workers ' union membership fund wound up in the #### campaign of former president ernesto zedillo .", "summaries": ["opposition senator accuses union of illegal contributions to former president 's #### campaign"]} +{"id": "gigaword-test-745", "text": "heavily armed u.s. army forces stormed into a village near the northern city of tikrit before dawn on thursday , seizing more than ### prisoners , including one man on the united states ' `` most-wanted '' list of former iraqi officials .", "summaries": ["major night raid in northern iraq aims at nabbing u.s. most-wanted iraqis"]} +{"id": "gigaword-test-746", "text": "the u.s. coast guard stopped six illegal cuban migrants who tried to enter the florida keys on a small boat thursday , plucking five from the water , one after he treaded water for more than two hours , authorities said .", "summaries": ["u.s. coast guard trying to rescue cuban migrants in florida keys"]} +{"id": "gigaword-test-747", "text": "the driver of the tractor-trailer that became a sweltering deathtrap for ## people was charged thursday with transporting and harboring illegal immigrants , and authorities searched for three more suspects in one of the deadliest smuggling schemes in u.s. history .", "summaries": ["truck driver charged in smuggling scheme that left ## dead"]} +{"id": "gigaword-test-748", "text": "a young man with a wispy beard is emerging as a suspect in a series of ## explosions at shell stations in southern karachi , police officials said friday .", "summaries": ["pakistan police prepare sketches of suspected gas station bombers"]} +{"id": "gigaword-test-749", "text": "the dutch national soccer association friday suspended feyenoord rotterdam forward robin van persie for two games , the latest in a string of punishments meted out to players on competitive teams in the final stages of the season .", "summaries": ["dutch soccer association suspends van persie for two games"]} +{"id": "gigaword-test-750", "text": "whether it 's a brilliant smile or tears of joy , helio castroneves lets you know how he feels .", "summaries": ["castroneves knows when to get serious"]} +{"id": "gigaword-test-751", "text": "taiwan announced its biggest jump in sars cases saturday with ## new people infected , and the island 's new health minister said the outbreak has been worsened by sick people not being honest about their illnesses and infecting health workers .", "summaries": ["taiwan registers biggest one-day increase in sars ; new health minister accuses people of hiding symptoms"]} +{"id": "gigaword-test-752", "text": "the talks , which lasted about four hours , were scheduled to resume at ##:## a.m. local time -lrb- #### gmt -rrb- sunday , the mediator said .", "summaries": ["UNK tokyo : he said"]} +{"id": "gigaword-test-753", "text": "leading the preakness field at the far turn , edgar prado sensed victory as he prepared peace rules for the final push to the finish line .", "summaries": ["prado watches potential victory fade in stretch"]} +{"id": "gigaword-test-754", "text": "UNK", "summaries": ["UNK indonesian officials rebels fail to agree on aceh peace deal"]} +{"id": "gigaword-test-755", "text": "saudi arabia 's interior minister says an international effort is needed to crack down on terrorism , but downplayed the role being played by u.s. investigators in probing the riyadh suicide bombings that he linked to al-qaida .", "summaries": ["international effort needed to crack down on terrorism but limited u.s. role into riyadh bombing probe"]} +{"id": "gigaword-test-756", "text": "a palestinian riding a bicycle blew himself up near an israeli army jeep monday in the fourth hamas suicide bombing in two days , while israel decided to deepen yasser arafat 's isolation in response to the latest violence .", "summaries": ["fourth hamas suicide bombing in two days injures three soldiers"]} +{"id": "gigaword-test-757", "text": "botswana is scheduled to begin tests on an aids vaccine to find out if it is safe when given to healthy adults , officials said monday .", "summaries": ["botswana to begin trials for aids vaccine"]} +{"id": "gigaword-test-758", "text": "hundreds of teachers taking part in a nationwide strike sat down on the railway used to carry tourists to visit the incan ruins of machu picchu monday , forcing the train company to cancel service , a company spokesman said .", "summaries": ["striking teachers in peru block train carrying tourists to machu picchu"]} +{"id": "gigaword-test-759", "text": "celebrating the ##th anniversary of the first ascension to the summit of mount everest , sir edmund hillary recalled tuesday how his partner , tenzing norgay , saved his life just before they began the historic climb .", "summaries": ["edmund hillary recalls how tenzing norgay saved his life"]} +{"id": "gigaword-test-760", "text": "pakistan will host bangladesh for three test cricket matches and five one-day international matches in august , an official said tuesday .", "summaries": ["cricket minnows bangladesh to tour pakistan in august for test one-day series"]} +{"id": "gigaword-test-761", "text": "the bush administration raised the u.s. terror alert level to orange tuesday amid fears a wave of terrorist attacks overseas will spread to the united states .", "summaries": ["UNK u.s. raises terror alert level to orange amid concern over terror attacks"]} +{"id": "gigaword-test-762", "text": "australia will keep open its embassy in saudi arabia despite decisions by the united states , britain and germany to close their diplomatic outposts in the country amid growing terror fears .", "summaries": ["australia to keep open its embassy in saudi arabia with bc-me-gen UNK"]} +{"id": "gigaword-test-763", "text": "former president nelson mandela on wednesday asked the english national soccer team to support south africa 's bid to host the #### world cup .", "summaries": ["atp world team cup results"]} +{"id": "gigaword-test-764", "text": "u.s. senate democrats lost a fight to keep a ban on the research and development of low-yield nuclear weapons , though the senate agreed wednesday that congressional approval would be needed before any of the weapons are produced .", "summaries": ["democrats seek compromise on low-yield UNK development ban"]} +{"id": "gigaword-test-765", "text": "the nfl will look into the awarding of the #### championship to the chicago cardinals instead of the UNK maroons of pennsylvania .", "summaries": ["UNK maroons stake claim to #### nfl title"]} +{"id": "gigaword-test-766", "text": "alan jackson continued his winning ways by capturing album of the year honors at the academy of country music awards .", "summaries": ["alan jackson garners album of the year as las vegas hosts u.s. country music awards"]} +{"id": "gigaword-test-767", "text": "swiss and swedish investigators raided several offices in and around zurich as part of an ongoing investigation into whether the telecommunications company lm ericsson held back information for a required tax audit , officials said thursday .", "summaries": ["sweden 's ericsson investigated by swiss swedish officials over taxes"]} +{"id": "gigaword-test-768", "text": "the ministry of finance on thursday lowered its economic growth estimates for the year , predicting slower growth of the gross national product , and increased unemployment .", "summaries": ["finland cuts growth UNK"]} +{"id": "gigaword-test-769", "text": "army gen. tommy franks , who planned and commanded the american-led wars in iraq and afghanistan , has decided to retire , defense officials said thursday .", "summaries": ["gen. franks commander of war in iraq to retire officials say"]} +{"id": "gigaword-test-770", "text": "surviving relatives of a woman who claimed she was raped ## years ago by the british queen 's representative in australia are seeking to withdraw a lawsuit against him , after the case drew widespread publicity in australia .", "summaries": ["UNK family of alleged UNK victim withdraw civil case against australia 's governor-general"]} +{"id": "gigaword-test-771", "text": "led by a lone ivory coast army pickup truck , french and west african military convoys set off in jeeps and armored vehicles friday on a mission to secure the lawless west after civil war .", "summaries": ["french-led troops set off to secure ivory coast 's law"]} +{"id": "gigaword-test-772", "text": "french foreign minister dominique de villepin will meet with yasser arafat on monday at the palestinian leader 's headquarters ramallah , the french foreign ministry announced friday .", "summaries": ["french foreign minister dominique de villepin to meet palestinian leader yasser arafat"]} +{"id": "gigaword-test-773", "text": "ibrahim UNK froze in anguish when rescuers in white face masks lifted his wife 's body friday from the rubble of what was once a cozy family home he shared with in-laws .", "summaries": ["nasdaq leaders"]} +{"id": "gigaword-test-774", "text": "he 's leader of the world 's most populous nation , but a mystery to most .", "summaries": ["hu 's debut : western leaders get rare chance to size up china 's new leader"]} +{"id": "gigaword-test-775", "text": "while searching the house of a suspected hit man , authorities discovered something that terrified human rights lawyer UNK uribe _ a folder containing his own pictures , his address and maps showing his various routes to work .", "summaries": ["colombian human rights lawyer receives international award for brave work"]} +{"id": "gigaword-test-776", "text": "more troops are needed to restore order in iraq , the top british military official here acknowledged sunday as the u.s. military catalogued small steps forward in the enormous and enormously complicated task .", "summaries": ["dutch soccer scores"]} +{"id": "gigaword-test-777", "text": "after years of disappointment , an elegantly simple medical technique that targets bad cells while leaving healthy ones alone could be making a comeback in the high-profile fights against cancer and the sars virus .", "summaries": ["experimental smart bomb drug targets sars"]} +{"id": "gigaword-test-778", "text": "a powerful earthquake rocked northeastern japan on monday , knocking out power , causing a landslide and disrupting road and rail traffic .", "summaries": ["strong earthquake shakes northeastern UNK"]} +{"id": "gigaword-test-779", "text": "companies that reduced their u.s. tax bill by incorporating overseas did $ # billion worth of business with the federal government last year , an associated press computer analysis of federal contracts showed .", "summaries": ["offshore companies do $ # billion in business with u.s. government"]} +{"id": "gigaword-test-780", "text": "the archbishop of canterbury believes the church of england should change its teaching on homosexuality to accept gay relationships , his biographer was quoted as saying in a newspaper tuesday .", "summaries": ["archbishop of canterbury believes church should accept gay relationships UNK says"]} +{"id": "gigaword-test-781", "text": "hungry tigers and lions have been attacking each other at a chinese zoo that says it ca n't afford to feed its animals because of a slump in visitors amid sars fears .", "summaries": ["french open results"]} +{"id": "gigaword-test-782", "text": "the santos scoring machine will be missing a cog when it meets mexico 's cruz azul on wednesday in a second-leg quarterfinal for the copa libertadores .", "summaries": ["french open show court schedules"]} +{"id": "gigaword-test-783", "text": "a federal jury ordered ebay inc. to pay $ ## million for violating patents filed by an attorney in a ruling that could change how the online auction house operates .", "summaries": ["federal jury orders ebay to pay $ ## million in patent dispute case"]} +{"id": "gigaword-test-784", "text": "israelis and palestinians must take immediate steps to implement an internationally backed `` road map '' to mideast peace because it `` is vital that -lrb- our -rrb- two peoples feel something is changing on the ground , '' palestinian prime minister mahmoud abbas said in comments published wednesday .", "summaries": ["palestinian prime minister calls for peace plan implementation"]} +{"id": "gigaword-test-785", "text": "police arrested about three dozen opposition lawmakers from a provincial assembly wednesday during two protests against constitutional changes made by pakistan 's president to increase his power .", "summaries": ["pakistan police arrest more opposition lawmakers in second day of protest"]} +{"id": "gigaword-test-786", "text": "in a story sent may ## about panama recalling its diplomatic staffs in china , hong kong and the philippines as a precaution against sars , the associated press reported erroneously that the embassies and consulates were closed .", "summaries": ["editors :"]} +{"id": "gigaword-test-787", "text": "the al-qaida network plotted terror strikes in australia well before the sept. ## , #### attacks in the united states , prime minister john howard said thursday .", "summaries": ["government says al-qaida UNK terror targets in australia before sept. ##"]} +{"id": "gigaword-test-788", "text": "spain 's royal family has a new member _ ##-year-old leandro ruiz UNK _ the illegitimate son of former spanish king alfonso xiii , news reports said thursday .", "summaries": ["illegitimate son of former king wins battle to be recognized as part of spanish royal family"]} +{"id": "gigaword-test-789", "text": "microsoft corp. will pay aol time warner $ ### million and let the media company license its browsing software for seven years in a settlement to resolve an antitrust lawsuit against the software giant , the companies announced thursday .", "summaries": ["microsoft to pay $ ### million to aol in settlement"]} +{"id": "gigaword-test-790", "text": "now that `` buffy the vampire slayer '' is finished , fans might assume that anthony stewart head would be eager to escape his image as giles _ the proper british librarian whose UNK helped conquer evil .", "summaries": ["anthony steward head says he was glad to play librarian on buffy"]} +{"id": "gigaword-test-791", "text": "in a twist of the u.s.-russian controversy over iran 's nuclear program , russia 's atomic energy minister on friday suggested washington join moscow in building a nuclear power plant in iran .", "summaries": ["russian minister offers united states to join moscow 's nuclear deal with iran"]} +{"id": "gigaword-test-792", "text": "u.s. president george w. bush brought personal thanks to poland for standing up as a wartime ally in iraq , making no effort to hide that he harbors a deep grudge toward france and germany for opposing the u.s.-led campaign against saddam hussein .", "summaries": ["president bush lauds poland for war support cool toward france and germany with UNK auschwitz"]} +{"id": "gigaword-test-793", "text": "russia and india vowed to increase bilateral cooperation , including joint military exercises and space programs , on the fringes of a UNK celebration that has brought some ## world leaders to this baltic sea port .", "summaries": ["russian indian leaders vow increased military cooperation joint space program on fringes of russia-eu summit"]} +{"id": "gigaword-test-794", "text": "kenya goalkeeper francis UNK made two key saves saturday as the harambee stars held trinidad to a #-# draw in an international friendly that opened the caribbean squad 's four-game african tour .", "summaries": ["armenia election commission certifies parliament voting results"]} +{"id": "gigaword-test-795", "text": "the suspension of pentagon efforts to find and recover the remains of thousands of american war dead from north korea was a precautionary move to reassess whether conditions were safe for u.s. teams , president george w. bush said .", "summaries": ["bush : suspending u.s. remains recovery effort was not caused by threat to u.s. personnel"]} +{"id": "gigaword-test-796", "text": "construction spending in the united states rose a healthy #.# percent to a record level in april , as office construction surged and activity in the red-hot housing market hit an all-time high , the government reported wednesday .", "summaries": ["construction activity in the u.s. hits all-time high in UNK"]} +{"id": "gigaword-test-797", "text": "a u.s. congressman expressed concern wednesday over the health of venezuela 's democracy and condemned pending conspiracy charges against a leading government opponent .", "summaries": ["u.s. congressman expresses concern over venezuelan democracy under chavez"]} +{"id": "gigaword-test-798", "text": "workers at greece 's largest oil refinery threatened thursday to stage a ##-day strike over pay and new labor contracts .", "summaries": ["greek refinery strike threatened over pay labor reforms"]} +{"id": "gigaword-test-799", "text": "the dutch government vowed thursday to set the country on a less ambitious course in the european union , responding to public concern that the eu is moving too far , too fast .", "summaries": ["dutch government vows to set new course after eu constitution rejection"]} +{"id": "gigaword-test-800", "text": "sixteen years since the bloody crackdown on tiananmen square , china 's grip on dissent has tightened under the leadership of president hu jintao , disappointing those who hoped he might represent a more tolerant leadership .", "summaries": ["#### copa libertadores"]} +{"id": "gigaword-test-801", "text": "bureaucrats .", "summaries": ["bureaucrats get their share of blame in european constitution crisis"]} +{"id": "gigaword-test-802", "text": "at stake for the detroit pistons in game # against the miami heat is so much more than their nba playoff lives .", "summaries": ["o'hair has to switch u.s. open qualifying sites"]} +{"id": "gigaword-test-803", "text": "several thousand supporters of far-right groups attended rallies on saturday to remember the ##th anniversary of the post-world war i treaty that dismantled the austro-hungarian empire and left millions of hungarians outside the country 's borders .", "summaries": ["hungarians remember #### treaty that broke up UNK empire"]} +{"id": "gigaword-test-804", "text": "armed confrontations in the west bank and gaza involving palestinians disgruntled with their government over promises of security jobs or seeking revenge for past killings are calling into question mahmoud abbas ' ability to pacify his territories .", "summaries": ["unrest in west bank gaza over jobs police positions"]} +{"id": "gigaword-test-805", "text": "president gloria macapagal arroyo 's spokesman released a pair of tapes monday as part of a pre-emptive effort to counter expected opposition claims that she fixed last year 's election .", "summaries": ["dispute erupts over UNK purportedly showing arroyo tried to fix election"]} +{"id": "gigaword-test-806", "text": "thor hushovd won the first stage at the dauphine libere on monday , while six-time tour de france champion lance armstrong finished in the chasing pack .", "summaries": ["hushovd wins first stage at dauphine libere armstrong finishes in chasing pack"]} +{"id": "gigaword-test-807", "text": "a u.s. commitment to provide $ ### million -lrb- euro### million -rrb- for famine relief in africa may take some of the sting out of president george w. bush 's opposition to a proposal by british prime minister tony blair to spend even more money .", "summaries": ["blair seeks support from bush in boosting africa fighting global warming"]} +{"id": "gigaword-test-808", "text": "a possible takeover of hvb group by italy 's unicredito italiano spa drew support from three hvb board members and a workers group tuesday as talks between the banks went on .", "summaries": ["hvb board members offer support for possible unicredito takeover"]} +{"id": "gigaword-test-809", "text": "long before making `` the terminator , '' arnold schwarzenegger was a young austrian bodybuilder hitting the books at santa monica college in the early ####s .", "summaries": ["schwarzenegger 's planned speech causing friction at community college"]} +{"id": "gigaword-test-810", "text": "justice ministers from greece and turkey signed an agreement wednesday aimed at assisting reforms ankara must make to join the european union .", "summaries": ["greece to train turkish judges to help eu accession bid"]} +{"id": "gigaword-test-811", "text": "one week after surgery to separate her fused legs , ##-month-old milagros UNK was recovering quickly , with daily treatments inside a UNK hyperbaric chamber to speed her healing , her doctors said wednesday .", "summaries": ["peru 's miracle baby recovering well one week after surgery to separate fused legs"]} +{"id": "gigaword-test-812", "text": "growing up in the slums of kabul and suffering from a life-threatening heart defect , ##-year-old UNK UNK feared that she may only have a few more years to live .", "summaries": ["afghan girl with heart defect gets new chance at full life"]} +{"id": "gigaword-test-813", "text": "beatings and brutality are common at rio 's youth detention centers , but abuses often go unreported because there is no outside monitoring , human rights watch said thursday .", "summaries": ["human rights watch denounces abuses in youth detention centers in brazil"]} +{"id": "gigaword-test-814", "text": "investors punished brazilian stocks thursday for the fourth day in a row amid continuing fallout from allegations that president luiz inacio lula da silva 's workers party paid bribes to buy votes in congress .", "summaries": ["brazilian stocks plunge for fourth straight day amid corruption scandal"]} +{"id": "gigaword-test-815", "text": "south korea 's leader on friday hoped to forge unity with u.s. president george w. bush in washington on how to secure north korea 's commitment to nuclear disarmament , as japan fretted that the north 's latest boasts may indicate advances in its nuclear weapons program .", "summaries": ["bush south korean president to meet ; UNK frets that north 's nuke program is advancing"]} +{"id": "gigaword-test-816", "text": "share prices were higher on the london stock exchange friday .", "summaries": ["london share prices close up"]} +{"id": "gigaword-test-817", "text": "israeli police have found the olympic gold medal of windsurfer gal fridman that had been stolen , the athlete said saturday .", "summaries": ["israeli police say they have found the olympic gold medal of windsurfer"]} +{"id": "gigaword-test-818", "text": "malaysia 's first two submarines are expected to arrive from france in #### , news reports said sunday .", "summaries": ["reports : malaysia 's first two submarines to arrive from france in ####"]} +{"id": "gigaword-test-819", "text": "michelle wie was rolling her eyes and slapping her thigh in disgust early in the final round of the lpga championship .", "summaries": ["wie proves she belongs with second-place finish"]} +{"id": "gigaword-test-820", "text": "swedish truck maker volvo ab and norwegian oil and gas company statoil asa are launching a joint venture on fuel cell technology aimed at cutting emission from idling engines .", "summaries": ["volvo statoil start joint venture on fuel cell technology to cut emissions"]} +{"id": "gigaword-test-821", "text": "police shot and killed an opposition politician , prompting authorities to detain six officers , a government spokesman said as the government rejected an opposition offer to renew a peace deal .", "summaries": ["ethiopian police kill opposition politician"]} +{"id": "gigaword-test-822", "text": "israel 's military chief said tuesday that the planned withdrawal from the gaza strip this summer would be difficult to accomplish if palestinian militants wage attacks on israeli forces trying to evacuate the settlements .", "summaries": ["army chief says gaza withdrawal will be difficult under fire"]} +{"id": "gigaword-test-823", "text": "pakistan 's information minister tuesday denied running terrorist camps , a day after a visiting separatist kashmiri leader praised him for helping train militants fighting indian troops in the himalayan region .", "summaries": ["### meter record progression"]} +{"id": "gigaword-test-824", "text": "the european commission on wednesday approved a joint venture between french banks credit agricole sa and UNK d'epargne to combine their securities services businesses .", "summaries": ["eu clears french bank credit UNK d'epargne joint venture"]} +{"id": "gigaword-test-825", "text": "president aleksander kwasniewski said wednesday that the european union constitution `` is not dead , '' and reiterated that poland would wait to decide how to vote on the treaty until after this week 's eu summit .", "summaries": ["poland 's president says constitutional treaty not dead"]} +{"id": "gigaword-test-826", "text": "one of phil jackson 's first observations upon returning to the los angeles lakers was he 'd be `` most amazed '' if they were in position to contend for a championship during the life of his three-year contract .", "summaries": ["jackson faces major challenge with lakers this time around"]} +{"id": "gigaword-test-827", "text": "russia 's constitutional court has agreed to hear the first case challenging president vladimir putin 's abolition of direct elections for governor , a court spokeswoman said thursday .", "summaries": ["russian high court agrees to hear challenge to putin 's abolition of elections for governor"]} +{"id": "gigaword-test-828", "text": "the bottom of elena osuna 's skirt flares with each step , her feet pound and her hands twist as she UNK in a sweltering studio .", "summaries": ["flamenco alive and well in u.s."]} +{"id": "gigaword-test-829", "text": "several hundred unarmed supporters of a presidential candidate who was denied registration in next month 's election stormed the kyrgyz government headquarters on friday in the largest protest to grip the central asian country since an uprising in march .", "summaries": ["hundreds of supporters of rejected presidential candidate break into kyrgyz government building"]} +{"id": "gigaword-test-830", "text": "a passenger train running solely on biogas will make its maiden journey in sweden on monday in what officials said was a major step toward making public transport more environmentally friendly .", "summaries": ["sweden to roll out biogas powered train"]} +{"id": "gigaword-test-831", "text": "tom kristensen of denmark will drive for a record seventh victory in the ##-hour endurance race at le mans this weekend .", "summaries": ["kristensen vies for record-breaking seventh victory at le mans"]} +{"id": "gigaword-test-832", "text": "french open champion justine henin-hardenne said she 's better equipped to win wimbledon than in years past .", "summaries": ["world cup qualifying : gabon # rwanda #"]} +{"id": "gigaword-test-833", "text": "fighting raged across southern afghanistan on sunday , with the u.s. military killing up to ## suspected taliban fighters along a narrow mountain footpath , and rebels firing rockets into the main southern city of kandahar .", "summaries": ["u.s. airstrikes kill up to ## rebels in southern afghanistan fighting rages elsewhere"]} +{"id": "gigaword-test-834", "text": "china faces traditional powerhouse germany on tuesday in the round of ## at soccer 's world youth championship .", "summaries": ["china success at youth world championship shows preparation for #### olympics"]} +{"id": "gigaword-test-835", "text": "new york has brought out its biggest hitter so far in the campaign for the #### olympics .", "summaries": ["muhammad ali to support new york #### bid at UNK vote"]} +{"id": "gigaword-test-836", "text": "in a policy shift , israel arrested more than ## islamic jihad militants in the west bank overnight , following a series of attacks by the group against israeli targets , military sources said .", "summaries": ["israel in policy change widens net for islamic jihad militants"]} +{"id": "gigaword-test-837", "text": "UNK stores inc. on tuesday said it agreed to sell its private-label credit-card portfolio to hsbc holdings plc 's retail services unit , which will also administer the UNK card 's future accounts .", "summaries": ["UNK stores to sell credit-card services to hsbc"]} +{"id": "gigaword-test-838", "text": "the u.s. senate endorsed president george w. bush 's climate change policies tuesday , approving a measure that avoids mandatory reductions of heat-trapping pollution while still boosting government support for cleaner energy sources .", "summaries": ["u.s. senate votes for offshore energy inventory debates climate change"]} +{"id": "gigaword-test-839", "text": "sri lanka 's parliament convened wednesday for the first time since a major coalition partner withdrew its support of the government in protest of a plan to share tsunami aid with tamil tiger rebels .", "summaries": ["sri lanka parliament meets marxists to be neutral so long deal with tamils is not signed"]} +{"id": "gigaword-test-840", "text": "a federal grand jury has indicted two brazilians , already facing charges at home , in the killing of an american nun who spent decades trying to save the amazon rain forest .", "summaries": ["u.s. grand jury indicts two men in killing of american nun in brazil"]} +{"id": "gigaword-test-841", "text": "china 's third largest oil producer cnooc ltd. .", "summaries": ["china 's cnooc offers us$ ##.# billion for unocal trumping chevron 's bid"]} +{"id": "gigaword-test-842", "text": "philippine president gloria macapagal arroyo has never received election campaign support from illegal gambling operators , her spokesman said friday , denying claims by an outspoken roman catholic archbishop at a time she faces accusations of electoral fraud .", "summaries": ["philippines arroyo denies receiving support from illegal gambling operators"]} +{"id": "gigaword-test-843", "text": "russia 's attempts to enter the world trade organization are on track , the country 's trade minister claimed friday , but trade officials said negotiations still face many obstacles .", "summaries": ["russian minister says wto membership possible by december but others say obstacles remain"]} +{"id": "gigaword-test-844", "text": "britain criticized `` serious deficiencies '' in iran 's elections saturday and urged the new president to address international concerns about the country 's nuclear program .", "summaries": ["britain criticizes iran election urges move on nuclear concerns"]} +{"id": "gigaword-test-845", "text": "chris carpenter pitched a four-hitter , and yadier molina , jim edmonds and albert pujols homered saturday night to lead the st. louis cardinals over the pittsburgh pirates #-# .", "summaries": ["carpenter 's four-hitter UNK stellar month for cardinals right-hander"]} +{"id": "gigaword-test-846", "text": "german chancellor gerhard schroeder arrived in washington for a visit shortened by election-year pressure and overshadowed by the possibility germany will have a new , more pro-american leader this fall .", "summaries": ["election year overshadows schroeder 's shortened visit to washington"]} +{"id": "gigaword-test-847", "text": "bulgaria will buy back us$ ###.## million -lrb- euro### million -rrb- in brady bonds next month , slashing part of its debt to foreign creditor banks seven years in advance , the finance ministry said on monday .", "summaries": ["bulgaria to buy back us$ ###.## million in brady bonds"]} +{"id": "gigaword-test-848", "text": "hollywood fashion commentator steven UNK underwent surgery monday for removal of a transplanted kidney that had become infected , a spokesman said .", "summaries": ["hollywood fashion commentator steven UNK has more surgery"]} +{"id": "gigaword-test-849", "text": "malaysia 's national car maker proton expects to export its cars to russia by early next year to boost its overseas sales , a company official said tuesday .", "summaries": ["malaysian carmaker proton seeks inroads into russia by early next year"]} +{"id": "gigaword-test-850", "text": "japanese stocks ticked up wednesday afternoon as the u.s. dollar 's rise to a more than eight month high against the yen helped boost export-dependent issues .", "summaries": ["UNK stocks rise as u.s. dollar hits #\u00a0#\\/# month high against yen"]} +{"id": "gigaword-test-851", "text": "software maker sap ag said wednesday it is extending a program aimed at poaching customers from u.s. rival oracle corp. , part of tussle between the two biggest players in the business software market .", "summaries": ["software maker UNK expanding program to lure customers from oracle"]} +{"id": "gigaword-test-852", "text": "the prosecutor of a french military tribunal will request preliminary hearings for six rwandans who alleged that french troops had a role in the #### rwanda genocide , judicial officials said wednesday .", "summaries": ["prosecutor requests hearings for rwandans who accused french army of role in #### genocide"]} +{"id": "gigaword-test-853", "text": "gold bullion opened thursday at a bid price of us$ ###.## a troy ounce , down from us$ ###.## late wednesday .", "summaries": ["gold opens lower in london"]} +{"id": "gigaword-test-854", "text": "boeing co. on thursday named #m co. .", "summaries": ["boeing names #m chief UNK as new ceo"]} +{"id": "gigaword-test-855", "text": "grenada 's leader will visit china next week to negotiate new aid deals and finalize several agreements that arose from the island 's decision to restore ties with the asian country and sever relations with rival taiwan .", "summaries": ["grenadian leader to visit china next week to strengthen newly restored ties"]} +{"id": "gigaword-test-856", "text": "financier werner k. rey lost a major round in his extradition battle thursday when a magistrate ruled that the swiss government has shown that he does have a case to answer back home .", "summaries": ["magistrate says rey has case to answer"]} +{"id": "gigaword-test-857", "text": "south korea will play for its third straight olympic women 's handball gold medal when it meets denmark saturday .", "summaries": ["denmark south korea advance to final eds : repeating"]} +{"id": "gigaword-test-858", "text": "a zairean diplomat was among three african men arrested for smuggling ## kilograms -lrb- ### pounds -rrb- of marijuana into sweden , the swedish news agency tt reported friday .", "summaries": ["zairean diplomat among three arrested for pot"]} +{"id": "gigaword-test-859", "text": "UNK thorpe remembers her difficult marriage to jim thorpe , called the greatest athlete of the modern era , and their harsh life outside the spotlight .", "summaries": ["late olympian 's wife recalls hard times UNK photo available"]} +{"id": "gigaword-test-860", "text": "prime minister benjamin netanyahu on sunday said he had issued orders to close the jerusalem office of a palestinian legislator who was operating in violation of peace agreements .", "summaries": ["netanyahu announces closure of palestinian office in jerusalem by nicolas b. UNK"]} +{"id": "gigaword-test-861", "text": "ulrich UNK of germany , on UNK de UNK , won the gold sunday in equestrian show jumping , fulfilling his dream of winning a medal in his first olympics .", "summaries": ["german wins gold in first olympics ahead of swiss and french"]} +{"id": "gigaword-test-862", "text": "legislators said monday they plan to seek more details from gov. chris patten over the sudden resignation of this british colony 's top immigration official .", "summaries": ["legislators seek more details over resignation of official"]} +{"id": "gigaword-test-863", "text": "a highland villager attacked his three wives with an ax after they tried to stop him marrying a fourth woman , police said tuesday .", "summaries": ["UNK ,#### man attacks three wives with ax"]} +{"id": "gigaword-test-864", "text": "a wooden warehouse used as a temporary shelter for the homeless went up in flames tuesday , killing ## people , three of them children , the fire department said .", "summaries": ["UNK to add slugline ten homeless killed in warehouse fire ,####"]} +{"id": "gigaword-test-865", "text": "succumbing to public pressure , a subsidiary of the giant hyundai conglomerate said wednesday it will pull out from co-sponsoring u.s. pop star michael jackson 's scheduled performance here .", "summaries": ["business giant hyundai pulls out of michael jackson concert"]} +{"id": "gigaword-test-866", "text": "egypt , rich in ancient antiquities , is planning to build the world 's largest museum to house them but has n't yet figured out how to pay for it , the nation 's chief archaeologist said wednesday .", "summaries": ["egypt planning world 's largest museum needs money by salah UNK"]} +{"id": "gigaword-test-867", "text": "a bomb exploded in a crowded cafe thursday afternoon and injured seven people , the government said , in the latest of a wave of attacks on city restaurants .", "summaries": ["bomb explodes in algiers cafe injuring seven"]} +{"id": "gigaword-test-868", "text": "his leftist fringe party does n't even have ### members , but ##-year-old budiman UNK is accused of being at the heart of a communist plot to topple the government .", "summaries": ["UNK weekly sports calendar"]} +{"id": "gigaword-test-869", "text": "damon hill edged out michael schumacher by only ## hundredths of a second , earning the fastest time in friday 's practice for the hungarian grand prix .", "summaries": ["hill records fastest time in practice eds : UNK with details UNK ; UNK UNK ; UNK to european"]} +{"id": "gigaword-test-870", "text": "the people appointed by china to engineer hong kong 's political future met saturday in beijing to decide on steps to set up a new government after the british colony reverts to chinese rule next july .", "summaries": ["committee mulls hong kong 's political future eds : UNK with committee ending meeting"]} +{"id": "gigaword-test-871", "text": "echoing a familiar theme in the state-controlled press , a top leader of the military government blamed the pro-democratic opposition for trying to isolate burma and deny it foreign aid .", "summaries": ["top junta leader says opposition trying to ostracize burma"]} +{"id": "gigaword-test-872", "text": "a newspaper reported monday that an fbi team was en route to israel to question an UNK bomber about last month 's twa jetliner explosion near new york .", "summaries": ["report : fbi team to question bomber in twa explosion"]} +{"id": "gigaword-test-873", "text": "david rikl of the czech republic defeated croatian goran prpic #-# , #-# monday in the opening match of the croatian open .", "summaries": ["czech UNK ousts veteran UNK in first-round"]} +{"id": "gigaword-test-874", "text": "a top nato commander inspected a disputed military site tuesday after the bosnian serbs bowed to pressure from the alliance-led peace force .", "summaries": ["officials leave for inspection of bosnian serb site eds : UNK with walker UNK after inspection"]} +{"id": "gigaword-test-875", "text": "u.s. and russian naval forces practiced rescue techniques wednesday in the event of natural disasters , but the joint exercises in the sea of japan were cut short by an approaching typhoon .", "summaries": ["typhoon cuts short russian-american naval exercises"]} +{"id": "gigaword-test-876", "text": "the face of french singer daniel guichard grins from a poster advertisement .", "summaries": ["briefs from canada eds : all dollars are canadian unless otherwise noted"]} +{"id": "gigaword-test-877", "text": "the government has cut a dramatic hike in electricity charges after workers threatened to strike .", "summaries": ["sudan rescinds price hike after union protests"]} +{"id": "gigaword-test-878", "text": "a south korean novelist who illegally entered north korea was handed over friday to the south korean embassy in beijing for the trip back home , officials said .", "summaries": ["eds : third take UNK at #### UNK"]} +{"id": "gigaword-test-879", "text": "thousands of greek cypriots flocked friday to the funeral of a protester killed two days ago by turkish troops in the buffer zone running across this war-divided mediterranean island nation .", "summaries": ["eds : UNK with last match"]} +{"id": "gigaword-test-880", "text": "anibal is the fourth generation of his family to work as a gaucho on the ranches spread around the vast UNK wetlands .", "summaries": ["concacaf under-## at a glance by the associated press"]} +{"id": "gigaword-test-881", "text": "authorities have freed about two thirds of the ### people arrested during three days of violent protests over increased food prices , security sources said wednesday .", "summaries": ["jordan frees ### arrested during food riots UNK photos available"]} +{"id": "gigaword-test-882", "text": "israel 's new government barred yasser arafat from flying to the west bank to meet with former prime minister shimon peres on thursday , a move palestinian officials said violated the israel-plo peace accords .", "summaries": ["israel bars arafat from flying to west bank ; palestinians protest by jack UNK"]} +{"id": "gigaword-test-883", "text": "boris yeltsin blasted his security chief 's handling of the chechnya crisis , raising doubts about the truce signed thursday and deepening the confusion over russian policy in the breakaway republic .", "summaries": ["first-round scores at german open"]} +{"id": "gigaword-test-884", "text": "top activists arrested after last month 's anti-government rioting are in good condition , a red cross official said saturday .", "summaries": ["arrested activists in good condition says red cross by UNK UNK"]} +{"id": "gigaword-test-885", "text": "UNK", "summaries": ["crew # wiz #"]} +{"id": "gigaword-test-886", "text": "japan 's kimiko date lost the first four games before rallying for a #-# , #-# , #-# victory over top-seeded arantxa sanchez vicario of spain in the final of the dlrs ###,### toshiba tennis classic on sunday .", "summaries": ["bank of boston scores"]} +{"id": "gigaword-test-887", "text": "philip morris europe announced monday it was withdrawing its sponsorship of the mclaren formula one auto racing team three years after the team won its last championship .", "summaries": ["philip morris mclaren announce end of marlboro sponsorship eds : UNK with reemtsma picking up mclaren ; UNK spelling of"]} +{"id": "gigaword-test-888", "text": "tokyo share prices bounced back slightly in sluggish trading tuesday after a two-day decline , while the u.s. dollar fell slightly against the yen .", "summaries": ["stocks bounce back after two-day decline dollar mixed eds : UNK up with late dollar closing bond prices comments"]} +{"id": "gigaword-test-889", "text": "finland scored three goals in a ##-second span of the first period tuesday night for a #-# victory over the czech republic in their world cup of hockey opener .", "summaries": ["finland routs czech republic at world cup"]} +{"id": "gigaword-test-890", "text": "belarusian president alexander lukashenko does n't consider himself an autocrat .", "summaries": ["belarus outspoken president pushes for more powers eds : UNK # UNK on picket after #th graf pvs UNK to conform ;"]} +{"id": "gigaword-test-891", "text": "despite croat promises to protect minority rights , serbs in areas liberated last year by the croat army are frequent targets of assaults and thefts , the u.n. chief reports .", "summaries": ["italian cup at a glance"]} +{"id": "gigaword-test-892", "text": "a russian plane filled with coal miners slammed into a mountain on a norwegian island near the arctic circle on thursday , apparently killing all ### people aboard .", "summaries": ["UNK russian plane crashes in arctic rescue team finds no sign of"]} +{"id": "gigaword-test-893", "text": "for a set and a half , olympic bronze medalist leander paes leaped and lunged , lobbing , volleying and slugging shots to perfection in a masterful show against gold medalist andre agassi .", "summaries": ["agassi rallies to defeat paes eds : UNK previous ; UNK with sanchez vicario victory"]} +{"id": "gigaword-test-894", "text": "australia 's robert allenby moved closer to his third victory of the season friday when he carded a one-under ## to take a one-stroke lead after three rounds of the dlrs #.# million british masters .", "summaries": ["allenby moves clear as he chases third victory of season eds : fixes UNK between linhart and chasing players #rd graf"]} +{"id": "gigaword-test-895", "text": "greek foreign minister theodoros pangalos reopened the greek consulate in the southern city of gjirokaster saturday , on a visit meant to demonstrate that bilateral tensions are a thing of the past .", "summaries": ["greek foreign minister visits to demonstrate improved ties"]} +{"id": "gigaword-test-896", "text": "two days of torrential rains washed away roads , triggered landslides and submerged homes , killing at least ## people and leaving dozens more missing , disaster relief headquarters said saturday .", "summaries": ["heavy rain kills people in south korea"]} +{"id": "gigaword-test-897", "text": "italy 's andrea gaudenzi , coming back from a shoulder injury , saturday reached the final of the generali open by outlasting spain 's francisco clavet in three sets .", "summaries": ["gaudenzi on rise again reaches final of generali open"]} +{"id": "gigaword-test-898", "text": "baghdad papers on sunday marked the eighth anniversary of iraq 's invasion of kuwait by accusing the oil-rich emirate of working with the west to maintain punishing trade sanctions against the country .", "summaries": ["butler due in iraq as country marks #### invasion of kuwait by UNK UNK"]} +{"id": "gigaword-test-899", "text": "the palestinian journalists association has forbidden its members from engaging in non-professional contact with israelis and has threatened to blacklist journalists who break the rules , an official from the organization said sunday .", "summaries": ["scandinavian masters scores"]} +{"id": "gigaword-test-900", "text": "in a crucial victory ahead of the #### presidential elections , partial election results showed the opposition national action party on sunday capturing the governor 's seat in the central state of aguascalientes .", "summaries": ["UNK early results show oppposition winning mexican gubernatorial vote"]} +{"id": "gigaword-test-901", "text": "a spanish judge opened an investigation monday into the cause of a collision in which five young british tourists were killed a day earlier .", "summaries": ["eds : contains items on jordan israel egypt kuwait"]} +{"id": "gigaword-test-902", "text": "amateur american alexandra stevenson lost concentration and with it a potential upset monday in the toshiba tennis classic .", "summaries": ["france 's testud takes first day of competition"]} +{"id": "gigaword-test-903", "text": "delegates attending a conference of leading ethnic UNK voted to support the ruling military 's proposed plan to hand power back to civilian leaders , a spokesman said tuesday .", "summaries": ["powerful UNK vote to support nigeria 's democracy plan"]} +{"id": "gigaword-test-904", "text": "rescuers plucked two more bodies from river estuaries on south korea 's south coast wednesday , raising the death toll from weekend flash floods to ## .", "summaries": ["death toll from floods rises to ## ; ## still missing"]} +{"id": "gigaword-test-905", "text": "both crew members were killed when a civilian helicopter crashed in UNK , some ## miles -lrb- ## kilometers -rrb- south of the town of bodoe on wednesday .", "summaries": ["two killed in helicopter crash in norway"]} +{"id": "gigaword-test-906", "text": "prince charles is setting up a new architectural foundation and hopes to call a truce between modern and traditional styles .", "summaries": ["prince charles sets up modern architectural foundation"]} +{"id": "gigaword-test-907", "text": "fast bowler makhaya ntini gave south africa its only breakthrough in the opening morning of the fifth cricket test at UNK thursday , UNK england opener mike UNK for ## .", "summaries": ["england ## for one at lunch UNK"]} +{"id": "gigaword-test-908", "text": "talks broke down on monday when butler refused to supply an immediate certification that iraq has destroyed all its weapons of mass destruction _ chemical and biological arms and long-range missiles .", "summaries": ["UNK united nations : closed one"]} +{"id": "gigaword-test-909", "text": "nigeria 's new military ruler has named a new electoral commission and ## new state deputies to help prepare the sprawling west african country for a democratic transition by next may .", "summaries": ["world at #### UNK :"]} +{"id": "gigaword-test-910", "text": "survivors wandered in a daze amid burning cars and the twisted steel and concrete of a collapsed building friday after a deadly terrorist bombing outside the u.s. embassy in nairobi .", "summaries": ["explosions rock nairobi and stun kenyans with UNK"]} +{"id": "gigaword-test-911", "text": "india 's top nuclear expert shrugged off antinuclear protests by indians on hiroshima day , saying the activists should instead shout slogans in washington and moscow , a newspaper reported saturday .", "summaries": ["top nuclear scientist shrugs off indian antinuclear protests"]} +{"id": "gigaword-test-912", "text": "a heatwave has killed ## people in the past ## hours on this eastern mediterranean island where temperatures have reached ## celsius -lrb- ### fahrenheit -rrb- , the authorities said saturday night .", "summaries": ["heat wave kills ## people in cyprus"]} +{"id": "gigaword-test-913", "text": "an iraqi family stuck at cairo airport for ## days after being deported from hungary will not face deportation to iraq where it fears punishment by the government , egyptian and u.n. officials said sunday .", "summaries": ["stranded iraqi family will not be deported to iraq say officials by UNK UNK"]} +{"id": "gigaword-test-914", "text": "thailand 's battered economy should start to bottom out in the first quarter of #### provided the government 's efforts are n't neutralized by outside developments , a news report said monday .", "summaries": ["economic crisis to bottom out early next year minister says"]} +{"id": "gigaword-test-915", "text": "with musical performances and eulogies , russian artists paid tribute monday to alfred UNK , one of the leading composers of this century , who died a week ago .", "summaries": ["russian musicians public pay final respects to alfred UNK eds : UNK with burial UNK details movie director 's quote"]} +{"id": "gigaword-test-916", "text": "hong kong 's key stock index plunged tuesday to its lowest level in more than five years because investors haunted by fears of a weakening yen continued to dump shares , traders said .", "summaries": ["key hong kong stock index hit five-year low eds : UNK with closing figures"]} +{"id": "gigaword-test-917", "text": "share prices on the london stock exchange were sharply lower tuesday .", "summaries": ["london share prices lower in afternoon eds : UNK with closing index"]} +{"id": "gigaword-test-918", "text": "top-seeded jimmy connors , hampered by a tender left foot , narrowly defeated australian john fitzgerald #-# , #-# -lrb- #-# -rrb- in the rain-delayed first round of the citibank champions senior tennis tournament at UNK college .", "summaries": ["hobbled connors wins opener"]} +{"id": "gigaword-test-919", "text": "u.s. diplomats who worked in outlying buildings were moved into the fortified embassy compound in cairo .", "summaries": ["mideast african embassies tighten security after bombings eds : UNK lead to reflect closures in sudan uganda yemen and"]} +{"id": "gigaword-test-920", "text": "israel advised u.s. officials to treat with skepticism a warning by an intelligence source that the american embassy in kenya might be the target of a bombing attack , the daily haaretz reported wednesday .", "summaries": ["report : israel discounted warning of kenya bombing eds : UNK throughout with israeli denial of report"]} +{"id": "gigaword-test-921", "text": "a senior russian diplomat on thursday accused pakistan of sending its troops and combat aircraft to help the taliban movement crush its opponents in northern afghanistan .", "summaries": ["dollar up gold falls UNK in graf ## that gold is down in london ; UNK to conform ;"]} +{"id": "gigaword-test-922", "text": "four poles were given sentences from ## to ## months of prison in connection to one of the biggest cigarette-smuggling cases in denmark , officials said friday .", "summaries": ["four poles convicted in major UNK case"]} +{"id": "gigaword-test-923", "text": "clutching passports and eying their watches , throngs of foreign workers spill into the street outside the cavernous immigration department in a final rush to renew work permits .", "summaries": ["deadline looms over foreign workers amid fear of riots UNK photos UNK"]} +{"id": "gigaword-test-924", "text": "mustafa kamel mourad , the UNK of a small egyptian opposition party , died early friday .", "summaries": ["bc-global weather"]} +{"id": "gigaword-test-925", "text": "as family members wept with joy , ## foreign democracy were expelled saturday from myanmar and arrived in bangkok after a week in custody for distributing leaflets opposed to the military government .", "summaries": ["UNK foreign democracy activists expelled from myanmar"]} +{"id": "gigaword-test-926", "text": "looking tanned but tired during his vacation break away from the vatican , pope john paul ii on saturday marked italy 's main summer holiday by remembering those who are alone or must work while others have fun .", "summaries": ["san marino UNK UNK results from saturday 's semifinal play in the"]} +{"id": "gigaword-test-927", "text": "adding to china 's flood miseries , a river burst its banks in the north , stranding ###,### people and washing away rail lines , the official xinhua news agency said sunday .", "summaries": ["floods strand ###,### in north china"]} +{"id": "gigaword-test-928", "text": "the british and irish governments say they will wipe out ira dissidents believed responsible for the omagh car bombing .", "summaries": ["british irish leaders promise security crackdown on real ira with bc-northern ireland UNK victims"]} +{"id": "gigaword-test-929", "text": "an encounter between army soldiers and separatist guerrillas in kashmir on monday left ## militants dead , an official said .", "summaries": ["ten militants killed in kashmir"]} +{"id": "gigaword-test-930", "text": "an israeli businessman turned bank robber whose motorcycle getaways were legendary in israel during the late ####s will be released early for good behavior , the prison authority said monday .", "summaries": ["israeli bank robbing legend to get early prison release"]} +{"id": "gigaword-test-931", "text": "new zealand 's ruling coalition splintered tuesday under pressure from prime minister jenny shipley , who warned her minor party counterparts to support her or face an early election .", "summaries": ["coalition minority partner splits as shipley warns of early"]} +{"id": "gigaword-test-932", "text": "a controversial play about the assassin of indian independence leader mohandas gandhi has been banned in the country 's most populous state , officials said tuesday .", "summaries": ["play on gandhi 's assassin banned in indian province by UNK UNK"]} +{"id": "gigaword-test-933", "text": "a rash of malaria cases has been recorded in central russia and emergency workers fear an epidemic , a news agency said wednesday .", "summaries": ["officials fear spread of malaria in central russia"]} +{"id": "gigaword-test-934", "text": "italian police seized #,### kilograms -lrb- #,### pounds -rrb- of hashish being smuggled in containers of diapers and sanitary napkins , the ansa news agency reported wednesday .", "summaries": ["police seize hash being smuggled in containers of UNK sanitary"]} +{"id": "gigaword-test-935", "text": "palestinian security forces on thursday captured two palestinian prisoners , including the killer of an israeli taxi driver , who had escaped the day before , a senior official said .", "summaries": ["palestinian police UNK two UNK prisoners eds : UNK with more UNK in #rd graf"]} +{"id": "gigaword-test-936", "text": "leonardo piepoli of italy was the clear winner thursday of the fourth stage of the tour of burgos while frenchman laurent jalabert closed the gap on overall leader abraham olano .", "summaries": ["results of tour of burgos cycling race"]} +{"id": "gigaword-test-937", "text": "with concrete ramparts fortifying its compound , the u.s. embassy remained on full alert friday against possible terrorist attacks after u.s. missile strikes in sudan and afghanistan .", "summaries": ["u.s. embassy in malaysia heightens security after missile strikes by alvin ung"]} +{"id": "gigaword-test-938", "text": "still mourning more than ### compatriots slain in the bombing of the american embassy , kenyans on friday expressed mixed feelings about u.s. missile raids on sudan and afghanistan .", "summaries": ["bomb-hit nairobi divided on u.s. raids with UNK"]} +{"id": "gigaword-test-939", "text": "UNK", "summaries": ["with UNK UNK by the associated press"]} +{"id": "gigaword-test-940", "text": "andre blom and mark UNK scored tries and some tactical kicks in the final ## minutes sent the united states to the rugby world cup with a ##-## victory over uruguay on saturday .", "summaries": ["london testing please ignore"]} +{"id": "gigaword-test-941", "text": "ethnic albanians accused serb forces of launching a `` strong and massive '' artillery attack sunday on several rebel-controlled villages in southwestern kosovo .", "summaries": ["serbs accused of new artillery assault in kosovo by UNK UNK"]} +{"id": "gigaword-test-942", "text": "the european championship ended with a british triumph and a disheartening loss for wilson kipketer , probably the biggest name of the six-day event .", "summaries": ["kipketer loses as britain tops the gold medals table eds : UNK pvs"]} +{"id": "gigaword-test-943", "text": "greece monday said its security forces were in a state of `` extreme vigilance '' to thwart any retaliatory terrorist attacks against american interests here .", "summaries": ["security forces in state of extreme vigilance"]} +{"id": "gigaword-test-944", "text": "retired gen. alexander lebed urged the russian government monday to appoint a representative to the troubled northern caucasus region , a news agency reported .", "summaries": ["lebed : russia needs new post for troubled caucasus"]} +{"id": "gigaword-test-945", "text": "a bomb exploded on a bus bound for kigali , rwanda , killing at least ## passengers , a private radio station said tuesday .", "summaries": ["radio : bomb on UNK bus kills ##"]} +{"id": "gigaword-test-946", "text": "cska sofia # -lrb- milen petkov , ##th , valentin UNK , ##th -rrb- , molde , norway # in uefa cup second qualifying round , second leg .", "summaries": ["cska # molde #"]} +{"id": "gigaword-test-947", "text": "in chicago , frank thomas and albert belle hit consecutive homers for the seventh time this season , and chicago beat baltimore to stop a six-game losing streak .", "summaries": ["toronto : the sixth"]} +{"id": "gigaword-test-948", "text": "where is abu nidal ? american news reports say the notorious terrorist is detained in egypt .", "summaries": ["by the associated press central league"]} +{"id": "gigaword-test-949", "text": "brondby , denmark # , kosice , slovakia # -lrb- ivan UNK , ##th -rrb- in the european champions cup qualifying game , second leg .", "summaries": ["brondby # kosice #"]} +{"id": "gigaword-test-950", "text": "turkish authorities detained ## would-be immigrants attempting to cross into greece , paramilitary police in the provincial capital of edirne said thursday .", "summaries": ["turkish authorities detain ## would-be refugees on greek border"]} +{"id": "gigaword-test-951", "text": "lebanon warned israel thursday that if it bombs lebanese infrastructure in retaliation for guerrilla rocket attacks , it will destroy the #### understanding on the border conflict and provoke further violence .", "summaries": ["with israel-lebanon foreign minister : attacks on lebanon will not benefit israel"]} +{"id": "gigaword-test-952", "text": "scott fisher doubled in a run and struck out ## batters as toms river , new jersey -lrb- u.s. east -rrb- advanced to its first little league world series final with a #-# victory over greenville , north carolina -lrb- u.s. south -rrb- on thursday night .", "summaries": ["greater vancouver open scores"]} +{"id": "gigaword-test-953", "text": "the leader of germany 's jews , ignatz bubis , urged the government on friday to at least symbolically back an industry initiative to establish a fund for nazi slave laborers .", "summaries": ["jewish leader calls on government to establish fund for nazi slave"]} +{"id": "gigaword-test-954", "text": "spanish sensation sergio garcia toppled defending champion matt kuchar # and # friday in the quarterfinals of the u.s. amateur , keeping on course for a rare trans-atlantic double in amateur golf .", "summaries": ["garcia topples kuchar at u.s. amateur marches toward rare double UNK photos"]} +{"id": "gigaword-test-955", "text": "emboldened by an unprecedented week-long protest by thousands against strongman hun sen , cambodia 's opposition leaders appealed to the nation saturday to drive him from power .", "summaries": ["opposition plans march urge overthrow of hun sen eds : UNK and UNK throughout with opposition urging"]} +{"id": "gigaword-test-956", "text": "prime minister john howard on sunday called a national election for oct. # and will campaign mainly on the issue of sweeping tax reform .", "summaries": ["prime minister john howard calls national election for oct. # eds : UNK beazley UNK in UNK UNK"]} +{"id": "gigaword-test-957", "text": "defending champion fc barcelona drew with modest racing de santander while zaragoza trashed athletic de bilbao #-# to take the lead sunday in the spanish first division 's opening round .", "summaries": ["argentine soccer standings"]} +{"id": "gigaword-test-958", "text": "an earthquake with the magnitude of #.# shook slovenia 's central region early monday , but there was no injuries or serious damage , seismologists said .", "summaries": ["quake shakes central region"]} +{"id": "gigaword-test-959", "text": "the chief investigator into the december crash of a silkair passenger plane can not say conclusively that pilot suicide was not the cause , singapore government television reported monday .", "summaries": ["silkair crash investigator ca n't rule out suicide UNK tv"]} +{"id": "gigaword-test-960", "text": "sammy sosa took two curtain calls _ one for himself and one for kerry wood .", "summaries": ["cubs # reds #"]} +{"id": "gigaword-test-961", "text": "southeast asian foreign ministers , seeking to bolster their combined clout , met wednesday with a string of other countries seeking better relations and trade in a region seen as full of potential investment and sales opportunities .", "summaries": ["seeking to bolster clout asean talks with dialogue partners"]} +{"id": "gigaword-test-962", "text": "new chinese foreign minister yang jiechi has sometimes looked ill at ease this week , negotiating his way through the busy corridors of asia 's largest security gathering .", "summaries": ["new chinese foreign minister adjusting to limelight at key international meeting"]} +{"id": "gigaword-test-963", "text": "torino striker david di michele will be allowed to play friendly matches despite being banned for three months for illegal betting .", "summaries": ["torino striker david di michele allowed to play friendlies despite ban"]} +{"id": "gigaword-test-964", "text": "after weeks of uncertainty , democrats in the house of representatives have decided against a confrontation over automobile fuel economy when they take up energy legislation later this week .", "summaries": ["house decides against pursuing tougher fuel economy as part of energy bill"]} +{"id": "gigaword-test-965", "text": "web sites usually used by islamic militants groups announced a new , major al-qaida video would be released soon .", "summaries": ["major new al-qaida video expected on the internet"]} +{"id": "gigaword-test-966", "text": "the belarusian president said thursday his country will pay $ ### million -lrb- euro### million -rrb- to settle its gas debt to russia in the next few days and that the president of venezuela may help to pay the bill , the interfax news agency reported .", "summaries": ["belarus president pledges to pay $ ### million gas debt to russia"]} +{"id": "gigaword-test-967", "text": "the scottish football association wants to issue retrospective bookings for diving this season -- a move fifa has warned is against the rules of the game .", "summaries": ["scottish fa in dispute with fifa over issuing retrospective yellow cards to diving players"]} +{"id": "gigaword-test-968", "text": "new zealand 's telecom corp. on friday reported a sharply higher annual net profit of nz$ #.## billion -lrb- us$ #.## billion ; euro# .## billion -rrb- , boosted by a one-off nz$ #.## billion -lrb- us$ #.# billion ; euro# .# billion -rrb- gain from the sale of its yellow pages business .", "summaries": ["new zealand telecom annual profits boosted sharply by subsidiary business sale"]} +{"id": "gigaword-test-969", "text": "a rebellion by UNK democrats over $ ## billion -lrb- euro## .# billion -rrb- in new taxes on oil companies is threatening to upend house democratic leaders ' plans to swiftly pass energy legislation .", "summaries": ["oil taxes squabble sends us house democrat leaders looking for votes on major energy bill"]} +{"id": "gigaword-test-970", "text": "a funds wrangle between the european union and ## south pacific nations ended friday after the eu assured regional trade ministers it never intended to cut development aid funding in a dispute over an economic partnership deal , officials said .", "summaries": ["south pacific european union aid funds wrangle ends"]} +{"id": "gigaword-test-971", "text": "a man inside a replica of a u.s. revolutionary war submarine was arrested friday after police found the UNK vessel partly submerged in a security zone near the docked queen mary # .", "summaries": ["# people arrested in connection with UNK submarine spotted near queen mary #"]} +{"id": "gigaword-test-972", "text": "president george w. bush signed legislation that intensifies the anti-terrorism effort in the united states , shifting money to high-risk states and cities and expanding scrutiny of air and sea cargo .", "summaries": ["bush signs anti-terror bill carrying out many sept. ## commission recommendations"]} +{"id": "gigaword-test-973", "text": "ali UNK was determined his son would get the same rite of circumcision as his ancestors -- a celebration of manhood that most iranians have long discarded for a simple but sterile hospital procedure .", "summaries": ["old rites of male circumcision still practiced in iranian villages"]} +{"id": "gigaword-test-974", "text": "afghanistan will produce another record poppy harvest this year that cements its status as the world 's UNK supplier of the heroin source , yet a furious debate over how to reverse the trend is stalling proposals to cut the crop , u.s. officials say .", "summaries": ["UNK exclusive : record poppy crop in afghanistan ; u.s. drug-control efforts bog down"]} +{"id": "gigaword-test-975", "text": "allrounder andrew flintoff is expected to be selected for two england cricket squads on monday after recovering from injury .", "summaries": ["andrew flintoff likely to get recall to england squads after recovering from injury"]} +{"id": "gigaword-test-976", "text": "actors , musicians and comedians from around the world have taken to stages across the scottish capital at the edinburgh fringe -- a three-week performance extravaganza whose shows range from standup comics to singing tony UNK to a musical about suicide bombers .", "summaries": ["edinburgh fringe festival brings # weeks of artistic excess to scotland"]} +{"id": "gigaword-test-977", "text": "some nissan cars will soon come with a gas pedal that lifts to warn of possible collisions , while the cars will automatically stop if drivers take their foot off the accelerator in response to the warning .", "summaries": ["nissan to offer UNK gas pedal tests drunken driving prevention"]} +{"id": "gigaword-test-978", "text": "european stock markets struggled to maintain their equilibrium and most asian indexes fell monday following wall street 's plunge at the end of last week on lingering credit concerns that have been roiling markets .", "summaries": ["european markets struggle most asian indexes drop after wall street s plunge"]} +{"id": "gigaword-test-979", "text": "a judge monday ordered three men extradited to the u.s. to face charges in an alleged plot to attack new york 's john f. kennedy international airport , and a confidential u.s. document said they planned to seek help from iran .", "summaries": ["trinidad judge orders # extradited in alleged jfk plot"]} +{"id": "gigaword-test-980", "text": "an indian court formally charged ## men with a slew of crimes for their alleged role in train bombings last year that killed scores of people in india 's financial capital .", "summaries": ["indian judge formally charges ## in deadly #### mumbai train bombings"]} +{"id": "gigaword-test-981", "text": "an indian court formally charged ## men with murder and other charges for their alleged roles in train bombings last year that killed ### people in india 's financial capital of mumbai .", "summaries": ["indian judge formally charges ## in deadly #### mumbai train bombings"]} +{"id": "gigaword-test-982", "text": "olympic gold medalist laure manaudou has likely found a new coach -- her older brother .", "summaries": ["manaudou s new swimming coach expected to be her older brother"]} +{"id": "gigaword-test-983", "text": "gold opened at us$ ###.## an ounce on wednesday in hong kong , up us$ #.## an ounce from tuesday 's close of us$ ###.## .", "summaries": ["gold opens higher in hong kong"]} +{"id": "gigaword-test-984", "text": "iraqi authorities clamped a three-day driving ban on the capital and erected new checkpoints , while thousands of shiite pilgrims began their annual trek toward a mosque in northern baghdad to mark the anniversary of the death of one of shiite islam 's key saints .", "summaries": ["iraqi authorities impose #-day driving ban in baghdad ahead of shiite holiday"]} +{"id": "gigaword-test-985", "text": "a tow-truck driver and his passenger severely burned in last month 's massive UNK explosion have filed lawsuits against consolidated edison , accusing the utility of misconduct .", "summaries": ["tow truck driver burned in nyc steam explosion sues utility company"]} +{"id": "gigaword-test-986", "text": "the yen dropped against its rivals wednesday , and the dollar was weaker versus most european currencies , as upward momentum in u.s. stocks brought risk appetite back to the market .", "summaries": ["yen drops as risk UNK returns ; dollar weaker"]} +{"id": "gigaword-test-987", "text": "the u.s. has cut the population of the guantanamo bay detention center to nearly half its peak in #### but is struggling to empty it further .", "summaries": ["security human rights concerns make clearing guantanamo prison a struggle"]} +{"id": "gigaword-test-988", "text": "puma ag said thursday that its second-quarter profit slipped nearly ## percent as rising sales in europe were offset by a ## percent sales decline in the americas and a slide in u.s. orders for shoes .", "summaries": ["puma sees #nd-quarter profit slip as sales decline in americas"]} +{"id": "gigaword-test-989", "text": "the euro slipped against the dollar on thursday even as u.s. weekly jobless claims rose slightly .", "summaries": ["euro slips against us dollar"]} +{"id": "gigaword-test-990", "text": "jurors visited phil spector 's mansion thursday to see the place where actress lana clarkson died , some of them sitting in a chair to mimic the position in which her body was found .", "summaries": ["jurors in spector trial visit mansion where actress died"]} +{"id": "gigaword-test-991", "text": "mexico on thursday criticized the `` excessive use of force '' by american border authorities and slammed what it called insensitivity among u.s. legislators who failed to approve immigration reforms .", "summaries": ["mexican slams border shooting u.s. failing to pass immigration bill"]} +{"id": "gigaword-test-992", "text": "a judge ruled friday that britain 's state-run health service must review its decision not to give all alzheimer 's patients access to three drugs to treat the brain-destroying disease .", "summaries": ["court says government must review decision to restrict access to alzheimer s drugs"]} +{"id": "gigaword-test-993", "text": "a brief UNK to this weekend 's english premier league games : UNK", "summaries": ["english premier league soccer UNK"]} +{"id": "gigaword-test-994", "text": "in an aug. # story about israel 's efforts to improve its defense against rockets , the associated press erroneously reported that palestinian militants had fired tens of thousands of rockets from gaza into israel since #### .", "summaries": ["correction : UNK story"]} +{"id": "gigaword-test-995", "text": "divers took another body from the wreckage of a collapsed freeway bridge , bringing the death toll to # , with five still missing .", "summaries": ["bridge death toll rises to # confirmed as federal authorities promise more money"]} +{"id": "gigaword-test-996", "text": "results from the second round of the french first-division soccer league -lrb- home teams listed first -rrb- : UNK", "summaries": ["french soccer results"]} +{"id": "gigaword-test-997", "text": "three egyptian brothers died in the explosion of a leftover land mine they were toying with near egypt 's suez canal , hospital officials said sunday .", "summaries": ["three teenage brothers killed in land mine explosion in egypt"]} +{"id": "gigaword-test-998", "text": "iraq 's most senior sunni politician issued a desperate appeal for arab nations to help stop what he called an `` unprecedented genocide campaign '' by shiite militias armed , trained and controlled by iran .", "summaries": ["military reports # american deaths in iraq ; sunni politician claims genocide campaign"]} +{"id": "gigaword-test-999", "text": "a suicide bomber targeted a u.s.-led coalition convoy in eastern afghanistan on monday , while afghan security forces clashed with the taliban militants in southern afghanistan , leaving nine militants dead , officials said monday .", "summaries": ["afghanistan clash kills # taliban # police"]} +{"id": "gigaword-test-1000", "text": "the ##-nation euro fell monday against the u.s. dollar after the u.s. commerce department reported consumer spending was up , despite fears the recent housing crisis could trigger a recession .", "summaries": ["euro falls slightly against u.s. dollar"]} +{"id": "gigaword-test-1001", "text": "wall street gave up a moderate gain in late trading and closed marginally lower monday after the federal reserve and other central banks added more cash to their banking systems , helping investors set aside some concerns about credit tightness .", "summaries": ["wall street edges lower after banks add liquidity dow falls #.##"]} +{"id": "gigaword-test-1002", "text": "results monday from the western & southern financial group masters , a $ #.## million -lrb- euro# .# million -rrb- atp event on hardcourts at lindner family tennis center -lrb- seedings in parentheses -rrb- : UNK", "summaries": ["UNK & southern financial group masters results"]} +{"id": "gigaword-test-1003", "text": "nato 's commander in kosovo said tuesday that patience is running out in the volatile province and he warned of further deterioration if international envoys fail to persuade ethnic albanians and serbia to agree on its future .", "summaries": ["UNK interview : nato commander in kosovo warns of trouble if no deal struck"]} +{"id": "gigaword-test-1004", "text": "state-run oil company petroleo brasileiro sa , or petrobras , said tuesday it plans investments of us$ ###.# billion -lrb- euro## .# billion -rrb- in production , exploration and other activities in brazil and around the world through #### .", "summaries": ["brazil s petrobras to invest us$ ###.# billion over next five years"]} +{"id": "gigaword-test-1005", "text": "lawyers for muslim charity leaders accused of aiding middle east terrorists scored a rare win in court tuesday when a federal judge blocked some evidence seized by israeli soldiers during raids of palestinian organizations .", "summaries": ["judge in trial of muslim charity leaders bars some evidence"]} +{"id": "gigaword-test-1006", "text": "six people were fatally shot in the western town of duisburg , a police spokesman said wednesday .", "summaries": ["# people fatally shot in germany police report"]} +{"id": "gigaword-test-1007", "text": "u.s. UNK giant mattel inc. said wednesday it was recalling dozens of models of polly pocket , batman , barbie and other toys from asian markets , prompting groups in australia and new zealand to call for tighter safety regulations on imports .", "summaries": ["us UNK mattel s recall raises concerns in asia"]} +{"id": "gigaword-test-1008", "text": "israeli troops uncovered a tunnel constructed by gaza militants who intended to dig under the border fence and into israel , a military spokesman said wednesday .", "summaries": ["israeli troops uncover tunnel in northern gaza greenhouse"]} +{"id": "gigaword-test-1009", "text": "the u.s. dollar was trading at ###.## yen at #:## a.m. -lrb- #### gmt wednesday -rrb- , down from ###.## yen late wednesday in new york .", "summaries": ["dollar lower against the yen in early tokyo trade"]} +{"id": "gigaword-test-1010", "text": "north korea 's economy shrank for the first time in eight years in #### amid an international nuclear standoff , energy shortages and falling farm output , south korea 's central bank said thursday .", "summaries": ["north korea s economy shrank in #### amid nuclear tensions"]} +{"id": "gigaword-test-1011", "text": "india 's children are getting increasingly overweight and unhealthy and the government is asking schools to ban junk food , officials said thursday .", "summaries": ["indian government asks schools to ban junk food"]} +{"id": "gigaword-test-1012", "text": "max roach , a master percussionist whose rhythmic innovations and improvisations provided the dislocated beats that defined bebop jazz , has died after a long illness .", "summaries": ["max roach the master jazz percussionist dead at ##"]} +{"id": "gigaword-test-1013", "text": "the son of democratic presidential candidate joe biden is preparing for deployment to iraq .", "summaries": ["son of anti-war presidential candidate prepares for deployment to iraq next year"]} +{"id": "gigaword-test-1014", "text": "the tropical weather season revved up as the atlantic 's first hurricane formed and quickly strengthened , and as tropical storm erin 's remnants soaked UNK texas , snarling rush-hour traffic and killing at least two people .", "summaries": ["erin brings torrential rain to flood-weary parts of texas as hurricane dean builds in atlantic"]} +{"id": "gigaword-test-1015", "text": "the dollar slipped against the euro on friday after the u.s. federal reserve cut its discount rate to banks by a half percentage point .", "summaries": ["dollar slides against euro as fed cuts discount rate"]} +{"id": "gigaword-test-1016", "text": "hurricane dean roared through small caribbean islands friday , tearing away roofs , flooding streets and killing three people as the powerful storm muscled its way across the eastern caribbean on a collision course with jamaica and mexico 's yucatan peninsula .", "summaries": ["large powerful hurricane dean hits eastern caribbean islands"]} +{"id": "gigaword-test-1017", "text": "u.s. representative dennis hastert , the former speaker of the u.s. house who held the post during a tumultuous period of american history , has announced he will not seek re-election .", "summaries": ["former us house speaker hastert says he will not run for re-election"]} +{"id": "gigaword-test-1018", "text": "results saturday in the ninth and final stage of tour of germany , a ###-kilometer -lrb- ##-mile -rrb- ride from UNK to hanover : UNK", "summaries": ["tour of germany results"]} +{"id": "gigaword-test-1019", "text": "the largest u.s. group of psychologists is to decide sunday what role , if any , its members can play in interrogating terror suspects at guantanamo bay and other u.s. military detention centers .", "summaries": ["us psychologists weigh ban on guantanamo interrogations"]} +{"id": "gigaword-test-1020", "text": "white house political adviser karl rove said sunday he sees encouraging signs for the republican party in the public 's strong negative opinions of democratic presidential front-runner hillary rodham clinton and the democratic-run congress .", "summaries": ["rove : clinton s high negatives declining views of congress give gop hope for ####"]} +{"id": "gigaword-test-1021", "text": "at least ## people were killed as typhoon sepat hit the chinese mainland after more than ###,### were evacuated as a precaution , state media reported .", "summaries": ["storms lash chinese coast killing ## ; ###,### evacuated as precaution"]} +{"id": "gigaword-test-1022", "text": "financial giant hsbc said monday it is in talks to buy the controlling stake in korea exchange bank currently held by u.s. private equity group lone star funds .", "summaries": ["hsbc in talks to buy controlling stake in korea exchange bank from lone star funds"]} +{"id": "gigaword-test-1023", "text": "leona helmsley , the hotelier who went to prison as a tax cheat and was reviled as the `` queen of mean , '' died monday at age ## .", "summaries": ["hotelier leona helmsley reviled as queen of mean dies at ##"]} +{"id": "gigaword-test-1024", "text": "# .", "summaries": ["u.s. open seeds list"]} +{"id": "gigaword-test-1025", "text": "hurricane dean plowed into the caribbean coast of mexico on tuesday as a roaring category # hurricane , lashing ancient mayan ruins and heading for the modern oil installations .", "summaries": ["eye of roaring hurricane dean strikes mexico s yucatan peninsula"]} +{"id": "gigaword-test-1026", "text": "a detained iranian-american academic accused of acting against national security has been released from a tehran prison after a hefty bail was posted , a top judiciary official said tuesday .", "summaries": ["iranian-american academic held in tehran released on bail"]} +{"id": "gigaword-test-1027", "text": "the jewish group anti-defamation league on tuesday reversed itself and called a world war i-era massacre of armenians a genocide .", "summaries": ["jewish group in us reverses stand ; calls armenian massacre genocide"]} +{"id": "gigaword-test-1028", "text": "the body of a ##-year-old woman was found tuesday in western mexico , the last of ## people who were swept away and killed in a fast-moving river .", "summaries": ["death toll from mexico flash flood reaches ##"]} +{"id": "gigaword-test-1029", "text": "the u.s. dollar was mixed against other major currencies in european trading wednesday morning .", "summaries": ["us dollar mixed gold down in european morning trading"]} +{"id": "gigaword-test-1030", "text": "the kenyan president refused wednesday to approve legislation that has widely been condemned as an attack on independent media because it would allow kenyan courts to compel reporters to reveal their sources .", "summaries": ["kenyan president refuses to sign proposed media law"]} +{"id": "gigaword-test-1031", "text": "a runway incursion in which two airliners may have missed each other by less than ## feet -lrb- ## meters -rrb- at los angeles international airport is under investigation by the national transportation safety board , the agency said wednesday .", "summaries": ["near collision between two airliners on los angeles runway under investigation"]} +{"id": "gigaword-test-1032", "text": "georgia said an aircraft from russia had violated its airspace , raising tension just weeks after the ex-soviet republic claimed a plane from russia launched a missile on its territory near a radar site .", "summaries": ["georgia says aircraft from russia violated its airspace for the second time this month"]} +{"id": "gigaword-test-1033", "text": "the dubai stock exchange broke a law on takeovers in its efforts to acquire nordic bourse operator omx ab , sweden 's top financial regulator ruled thursday , but did not impose any sanctions .", "summaries": ["swedish regulator says borse dubai bid for omx illegal but refrains from punishment"]} +{"id": "gigaword-test-1034", "text": "two u.n. envoys accused the cambodian government on thursday of interfering with the judiciary by transferring a top judge from the khmer rouge genocide tribunal , which they said was a violation of the constitution .", "summaries": ["un envoys slam cambodia over genocide judge s transfer"]} +{"id": "gigaword-test-1035", "text": "rose UNK , a soprano who performed ## seasons at the metropolitan opera and established herself as a premier voice in american opera , has died .", "summaries": ["rose UNK metropolitan opera star in the ####s and ##s dies at ##"]} +{"id": "gigaword-test-1036", "text": "meatpacking plant officials accused of discriminating against dozens of somali muslim workers have offered to tweak break times to help accommodate the workers ' prayer demands .", "summaries": ["swift offers partial accommodation for muslim prayers"]} +{"id": "gigaword-test-1037", "text": "a majority of poles continue to oppose hosting a u.s. missile defense base , according to a poll released friday .", "summaries": ["poll : ## percent of poles oppose hosting u.s. missile defense base"]} +{"id": "gigaword-test-1038", "text": "the german soccer federation voted friday to triple the number of players tested for doping this season from the ### tested last season .", "summaries": ["german soccer federation to boost the number of doping controls"]} +{"id": "gigaword-test-1039", "text": "a reggae festival in new york which was created to promote peace among cultures is being denounced by gay and lesbian groups for allowing performers with a history of anti-gay lyrics .", "summaries": ["gay lesbian groups protest ny reggae concert because of anti-gay music"]} +{"id": "gigaword-test-1040", "text": "batting -- UNK , detroit , .### ; UNK , seattle , .### ; polanco , detroit , .### ; posada , new york , .### ; figgins , los angeles , .### ; UNK , boston , .### .", "summaries": ["american league leaders"]} +{"id": "gigaword-test-1041", "text": "leading season scorers in the bundesliga after saturday 's third-round games : UNK", "summaries": ["leading season scorers in the bundesliga"]} +{"id": "gigaword-test-1042", "text": "southeast asian countries hope to conclude free-trade talks with six major trading partners , including china , japan and australia , by #### but would avoid any new negotiations amid the frenzy of the work ahead , a top official said sunday .", "summaries": ["asean hopes to UNK up free-trade talks with # big trading partners including china by ####"]} +{"id": "gigaword-test-1043", "text": "iraq 's embattled prime minister lashed out at american critics sunday , saying sen. hillary clinton and other democrats who have called for his ouster should `` come to their senses '' and stop treating iraq like `` one of their villages .", "summaries": ["iraqi leader lashes out at u.s. critics as american pressure mounts"]} +{"id": "gigaword-test-1044", "text": "the nikkei stock average of ### issues closed at ##,###.## points on the tokyo stock exchange monday , up ##.## points , or #.## percent , from friday .", "summaries": ["tokyo stock market s main index rises #.## percent"]} +{"id": "gigaword-test-1045", "text": "attorney general alberto gonzales has resigned , ending a months-long standoff with republican and democratic critics who called for his ouster over the justice department 's botched handling of fbi terror investigations and the firing of u.s. attorneys , officials said monday .", "summaries": ["us sources : attorney general gonzales has resigned"]} +{"id": "gigaword-test-1046", "text": "there is no `` imminent crisis '' that would require a special legislative session to fix a mistake in a new law that lets residents of any age -- even toddlers -- marry with parental consent , arkansas governor mike beebe said monday .", "summaries": ["governor : mistake in law that could let kids marry is no imminent crisis"]} +{"id": "gigaword-test-1047", "text": "whole foods market inc. said it had support from enough shareholders of wild oats markets inc. to complete the purchase of its rival , putting a successful end to a takeover opposed by federal antitrust regulators .", "summaries": ["whole foods says it has enough shares to buy rival wild oats"]} +{"id": "gigaword-test-1048", "text": "the euro drifted lower against the u.s. dollar tuesday after a report showed that german business confidence slipped again , hit by turbulence in global financial markets .", "summaries": ["euro drifts lower on slip in german business sentiment"]} +{"id": "gigaword-test-1049", "text": "greece 's president described the fires ravaging his country 's forests as a national catastrophe , as thousands of firefighters -- hundreds of them brought in from other countries -- fought to control blazes that have burned nearly ###,### hectares -lrb- ###,### acres -rrb- .", "summaries": ["greek president says fires a national catastrophe as death toll rises to ##"]} +{"id": "gigaword-test-1050", "text": "oil and gas futures fell tuesday as concerns about refineries faded and opec suggested that the oil cartel sees no need to boost production .", "summaries": ["oil and gas futures fall on refinery opec news while storm prediction boosts natural gas"]} +{"id": "gigaword-test-1051", "text": "gusty winds pushed a wildfire closer to sun valley resort 's ski area , while hundreds more homes were ordered evacuated in the valley below .", "summaries": ["gusty winds whip idaho wildfire near sun valley ski area ; hundreds more homes evacuated"]} +{"id": "gigaword-test-1052", "text": "the u.s. dollar was mostly higher against other major currencies in european trading wednesday morning .", "summaries": ["u.s. dollar mostly higher gold up in european morning trading"]} +{"id": "gigaword-test-1053", "text": "ireland is growing warmer and wetter because of greenhouse gas emissions and faces increasingly tough challenges to combat floods and manage water supplies , a government-funded report concluded wednesday .", "summaries": ["ireland growing warmer wetter because of global warming report finds"]} +{"id": "gigaword-test-1054", "text": "police used tear gas , water cannons and clubs against demonstrators staging nationwide protests wednesday over government social and economic policies .", "summaries": ["clashes arrests mark national day of protest against economic policies in chile"]} +{"id": "gigaword-test-1055", "text": "cesar luis menotti , who managed argentina to the #### world cup title , said wednesday he 's full of energy and looking forward to directing uag tecos of guadalajara .", "summaries": ["menotti looking forward to getting tecos headed in right direction"]} +{"id": "gigaword-test-1056", "text": "two american priests were to be consecrated thursday as anglican bishops in kenya , the latest in a string of conservative priests who are defecting to african churches in a dispute over homosexuality .", "summaries": ["u.s. priests getting ordained in kenya say american church has lost its way"]} +{"id": "gigaword-test-1057", "text": "tyson gay proved thursday he is in a class of his own when he completed a sprint double at the world championships with a win in the ### meters .", "summaries": ["gay completes sprint double has eyes on third gold medal"]} +{"id": "gigaword-test-1058", "text": "an alaska father who was too drunk to drive had his ##-year-old son take the wheel , authorities said .", "summaries": ["drunk alaska dad has ## year old drive home"]} +{"id": "gigaword-test-1059", "text": "leona helmsley 's decision to leave $ ## million -lrb- euro# .## million -rrb- to her dog so it could live out its life in luxury proved once and for all that she was not one of the little people .", "summaries": ["size aside helmsley s $ ## million bequest to dog is far from unique"]} +{"id": "gigaword-test-1060", "text": "japanese stocks rose friday as exporters rallied on the yen 's weakness against the dollar and banks climbed on news that the u.s. government was working on a policy to ease subprime woes .", "summaries": ["tokyo stock market s main index surges #.## percent on yen s weakness"]} +{"id": "gigaword-test-1061", "text": "lebanese army helicopters stepped up raids friday on al-qaida-inspired islamic militants barricaded in a palestinian refugee camp in the country 's north , after five soldiers were killed , a senior military official said .", "summaries": ["lebanese helicopters step up raids on islamic militants after # soldiers die"]} +{"id": "gigaword-test-1062", "text": "baa plc , the spanish-owned airports operator facing harsh criticism for delays and overcrowding at heathrow , announced the appointment of two high-profile directors on friday in a bid to improve its poor public relations and performance .", "summaries": ["airports operator baa names two high-profile directors as it attempts to repair reputation"]} +{"id": "gigaword-test-1063", "text": "a republican u.s. senator arrested in a police sex sting in an airport men 's bathroom will resign from the senate amid a furor over his arrest and guilty plea , republican officials said friday .", "summaries": ["republican us senator to resign saturday in storm over sex sting at an airport men s room"]} +{"id": "gigaword-test-1064", "text": "two workers at germany 's bayer ag were taken to a hospital for examination after ## tons of a carcinogenic chemical leaked at a factory in western germany , the company said tuesday .", "summaries": ["chemical spill at bayer plant in west germany"]} +{"id": "gigaword-test-1065", "text": "ding UNK believes in miracles .", "summaries": ["earthly rewards strengthen heavenly faith for philippine believers UNK photos UNK"]} +{"id": "gigaword-test-1066", "text": "evander holyfield is n't your normal heavyweight boxing champion .", "summaries": ["the people 's champ moves on after controversial victory over tyson by paul UNK"]} +{"id": "gigaword-test-1067", "text": "in an effort to overcome a growing rift within judaism , israel 's orthodox chief rabbis met wednesday with reform and conservative leaders .", "summaries": ["jewish leaders meet in israel in effort to overcome religious"]} +{"id": "gigaword-test-1068", "text": "france wants five new eastern european nations let into nato despite washington 's insistence that only hungary , poland and the czech republic can join now , the foreign ministry said thursday .", "summaries": ["france firm on demand to admit five new nations to nato eds : UNK throughout with foreign ministry news briefing"]} +{"id": "gigaword-test-1069", "text": "negotiations between the bruins and the nhl 's no. # draft pick , joe thornton , have snagged over what boston general manager harry sinden called an `` ominous '' proposal from the ##-year-old forward 's agent .", "summaries": ["proposal from nhl 's no. # pick stuns bruins"]} +{"id": "gigaword-test-1070", "text": "ukraine 's monthly inflation rate dropped to #.# percent in june from #.# percent the previous month , the national bank said friday .", "summaries": ["ukrainian inflation drops to #.# percent in june"]} +{"id": "gigaword-test-1071", "text": "latvian president guntis ulmanis on friday expressed condolences to jews for the nazi holocaust and conceded `` with shame and indignation '' that latvians were among their persecutors , a news agency reported .", "summaries": ["latvian president expresses condolences to jews over holocaust"]} +{"id": "gigaword-test-1072", "text": "president daniel arap moi said rallies planned across the country monday to demand reforms before general elections this year threaten development in kenya .", "summaries": ["moi opposes rallies for reforms"]} +{"id": "gigaword-test-1073", "text": "UNK , ## , grew up in a secular jewish household in a poor neighborhood of new york city .", "summaries": ["jerusalem : all true"]} +{"id": "gigaword-test-1074", "text": "spain 's julian alonso overcame marcello UNK of germany in three sets sunday to win the dlrs ###,### venice open for his first title as a professional .", "summaries": ["alonso beats UNK for first pro victory"]} +{"id": "gigaword-test-1075", "text": "less than a week out of office , former gov. chris patten has thrust himself back into hong kong politics with accusations that britain ignored the former colony 's leanings toward democracy in an attempt to appease china .", "summaries": ["former governor : britain ignored hong kong democracy desires by ted anthony"]} +{"id": "gigaword-test-1076", "text": "deepening economic woes and diplomatic stalemates may force north korean leader kim jong il to delay plans to assume full power , a south korean government report said monday .", "summaries": ["seoul report : kim jong il may delay assuming full power in north korea"]} +{"id": "gigaword-test-1077", "text": "when rebels raked an army helicopter with machine gun fire this week , bringing it down in flames , they all but dashed hopes for imminent peace talks in a decades-old leftist guerrilla conflict .", "summaries": ["peace in colombia seems ever distant after rebels down helicopter eds : UNK previous ; UNK metric conversion in #th graf"]} +{"id": "gigaword-test-1078", "text": "the victorious socialists consulted on tuesday with their political allies over the makeup of a new government and ways to end months of chaos and violence .", "summaries": ["albanian party leaders confer over new government composition by UNK UNK"]} +{"id": "gigaword-test-1079", "text": "the leaders of the victorious socialist party consulted with their political allies tuesday on the composition of albania 's new government .", "summaries": ["albanian party leaders confer over new government composition eds : UNK #nd graf to clarify UNK t investment schemes caused"]} +{"id": "gigaword-test-1080", "text": "gregor UNK , the talented center of stefanel milan and of the italian national team , has signed a four-year contract with UNK bologna thus ending rumors of his possible transfer to los angeles clippers .", "summaries": ["UNK to fix sequence number geneva : UNK faroe islands"]} +{"id": "gigaword-test-1081", "text": "a ##-year-old italian soldier was killed wednesday and three others were wounded in a munitions explosion , the multinational force said .", "summaries": ["italian soldier killed three others wounded by blast eds : UNK with new casualties in ##th graf UNK family and"]} +{"id": "gigaword-test-1082", "text": "the defense force commander who led a mutiny over the government 's plan to hire mercenaries said his dismissal thursday from the army was an act of political vengeance .", "summaries": ["stocks close higher in tokyo"]} +{"id": "gigaword-test-1083", "text": "rescue workers picked through the rubble of a collapsed school and an office building in northeastern venezuela thursday , desperately trying to save dozens of people buried in an earthquake .", "summaries": ["precede caracas earthquake in venezuela leaves at least ## dead"]} +{"id": "gigaword-test-1084", "text": "the protestant orange order decided not to march along several routes roman catholics had vowed to block saturday , saying the move was to avoid further violence and possibly loss of life .", "summaries": ["eds : UNK with orange order quote UNK previous by shawn UNK"]} +{"id": "gigaword-test-1085", "text": "a fire raged through a ##-story hotel friday in the beach resort city of pattaya , killing at least ## people , including eight europeans or americans , police said .", "summaries": ["at least ## dead in hotel fire at beach resort eds : UNK with police saying eight dead may be american or"]} +{"id": "gigaword-test-1086", "text": "the government and opposition groups have reached agreement on bringing home more than ##,### refugees who fled to northern afghanistan to escape tajikistan 's civil war , an official said friday .", "summaries": ["government opposition reach agreement on return of refugees eds : subs #th graf to UNK with repatriation to begin july ##"]} +{"id": "gigaword-test-1087", "text": "almost ## years after the nazis looted a cubist oil painting from a jewish collector in france , the work has been returned to the man 's heirs .", "summaries": ["france returns nazi-looted painting to jewish heir eds : subs ##th graf neither UNK ... to UNK with owner 's"]} +{"id": "gigaword-test-1088", "text": "a military court heard more medical testimony sunday in the case of a jordanian soldier accused of killing seven israeli schoolgirls .", "summaries": ["court hears more experts in case involving attack on israelis by jamal UNK"]} +{"id": "gigaword-test-1089", "text": "the dollar slipped against the yen on profit-taking in early monday trading in tokyo , while share prices rose moderately .", "summaries": ["dollar lower stocks rise in early trading"]} +{"id": "gigaword-test-1090", "text": "the leaders of china 's and vietnam 's ruling communist parties pledged monday to improve relations despite persistent territorial disputes , official chinese media reported .", "summaries": ["vietnam china party chiefs pledge closer ties eds : UNK throughout with official media account of muoi jiang"]} +{"id": "gigaword-test-1091", "text": "a virgin islands police investigator was charged monday with trying to smuggle ##.# kilograms -lrb- ## pounds -rrb- of cocaine to atlanta in his carry-on luggage , police said .", "summaries": ["v.i. police investigator charged with attempted drug smuggling"]} +{"id": "gigaword-test-1092", "text": "iranian authorities have seized ### kilograms -lrb- #,### pounds -rrb- of opium in the northern mazandaran province , the official islamic republic news agency reported tuesday .", "summaries": ["iranian agents seize half a ton of drugs"]} +{"id": "gigaword-test-1093", "text": "austrian women in leading positions complained about lingering male domination in their society in a meeting tuesday with visiting u.s. first lady hillary rodham clinton .", "summaries": ["austrian women complain to mrs. clinton about male domination by roland prinz"]} +{"id": "gigaword-test-1094", "text": "north korean soldiers fired at least ## mortar rounds at a south korean border post wednesday during a heavy exchange of gunfire , the defense ministry said .", "summaries": ["gunfire exchanged on korean border eds : UNK throughout with details UNK"]} +{"id": "gigaword-test-1095", "text": "food shortages in north korea have grown so acute that more than a third of all children are malnourished , with some so weakened that standing is difficult , an aid worker said wednesday .", "summaries": ["aid worker : death rate rising from north korean food shortage eds : leads with ## UNK to raise reference to malnourished"]} +{"id": "gigaword-test-1096", "text": "japan posted a trade surplus of ###.## billion yen -lrb- dlrs #.## billion -rrb- in june , well below what analysts were expecting but still a ##.# percent increase over the same month last year .", "summaries": ["UNK 's trade surplus posts smaller-than-expected rise in june"]} +{"id": "gigaword-test-1097", "text": "european leaders on wednesday praised u.n. secretary-general kofi annan 's strict reform plan for the unwieldy united nations , and echoed his call for tighter budgets and reduced bureaucracy .", "summaries": ["mir 's problems at a glance"]} +{"id": "gigaword-test-1098", "text": "the missing father of andrew cunanan , the prime suspect in the fatal shooting of italian fashion designer gianni versace , has been found in the philippines , police and news reports said friday .", "summaries": ["cunanan 's father in philippines believes in son 's innocence"]} +{"id": "gigaword-test-1099", "text": "his third career century _ in a qualifying round match at the premadasa stadium in colombo on friday .", "summaries": ["eds : UNK throughout with sri lanka winning"]} +{"id": "gigaword-test-1100", "text": "seve ballesteros is used to missing cuts these days .", "summaries": ["seve misses another cut UNK shoots ## ; monty coaches clarke ;"]} +{"id": "gigaword-test-1101", "text": "one of ousted president sese seko mobutu 's most powerful allies in the business community has been arrested by the new government for suspected embezzlement , joining several dozen other former mobutu associates in custody .", "summaries": ["top business ally of mobutu arrested by congo 's new government eds : bemba is correct as second reference"]} +{"id": "gigaword-test-1102", "text": "supporters of radovan karadzic expelled his rival , the bosnian serb president , from the ruling party in an effort to close ranks in the face of strong external pressure .", "summaries": ["bosnian serb president booted from ruling party eds : leads throughout with bosnian serb president expelled by"]} +{"id": "gigaword-test-1103", "text": "hale irwin won his fifth senior pga tour event of the year sunday , edging lee trevino by two strokes to capture the dlrs #.## million burnet senior classic .", "summaries": ["results of brazilian national soccer championship games"]} +{"id": "gigaword-test-1104", "text": "two grenades exploded near a national police station monday , slightly injuring one woman , news reports said .", "summaries": ["two grenades explode near spanish police station"]} +{"id": "gigaword-test-1105", "text": "justin leonard hoisted high his british open trophy to the delight of cheering fans and friends who turned out at the airport monday to welcome home the ##-year-old from dallas .", "summaries": ["scores turn out to greet british open winner"]} +{"id": "gigaword-test-1106", "text": "black american leaders , gathering for a summit aimed at promoting u.s. aid and investment in africa , on tuesday defended the expense of convening the lavish talks in the impoverished continent of their ancestors .", "summaries": ["black americans gear up for lavish summit by angus shaw"]} +{"id": "gigaword-test-1107", "text": "puerto rico ended water rationing for nearly half a million residents tuesday after heavy rain partly replenished a reservoir serving the san juan metropolitan area .", "summaries": ["puerto rico ends water rationing"]} +{"id": "gigaword-test-1108", "text": "red cross negotiators from rivals north korea and south korea held talks wednesday on emergency food shipments to starving north koreans and agreed to meet again thursday .", "summaries": ["koreas meet in beijing to discuss food aid from south eds : UNK with comment from icrc official in UNK #-# ; south"]} +{"id": "gigaword-test-1109", "text": "amid concern that the peace process in angola is unravelling , the security council on wednesday threatened economic sanctions against angolan rebels and accused them of failing to honor agreements to end the ##-year-old civil conflict .", "summaries": ["security council raises again the prospects of sanctions against unita"]} +{"id": "gigaword-test-1110", "text": "UNK", "summaries": ["grenade blast raises fears of terrorism in cambodian UNK UNK photo UNK"]} +{"id": "gigaword-test-1111", "text": "arab entrepreneurs should wage a financial `` holy war '' for east jerusalem by investing in the arab part of the city , a senior palestinian official says .", "summaries": ["palestinian official urges arabs to invest in jerusalem"]} +{"id": "gigaword-test-1112", "text": "rick danko , bassist and singer for the legendary rock group the band , was found guilty friday of colluding with his wife to smuggle heroin into japan , but received a suspended sentence and will not go to jail .", "summaries": ["rocker rick UNK gets suspended sentence on heroin smuggling"]} +{"id": "gigaword-test-1113", "text": "faced with shifting strategic interests and the need to cut costs , france is reconsidering its commitments in africa , a foreign ministry spokesman said friday .", "summaries": ["france rethinks its africa policy by deborah seward"]} +{"id": "gigaword-test-1114", "text": "conchita martinez , who had never even won a set in ## previous matches against monica seles , defeated her nemesis #-# -lrb- #-# -rrb- , #-# friday to reach the semifinals of the bank of the west tournament .", "summaries": ["martinez defeats seles in tourney quarterfinals eds : will be UNK with evening matches"]} +{"id": "gigaword-test-1115", "text": "an unfancied ##-# shot , swain outshone UNK , UNK and UNK and a star-studded lineup saturday to win the ###,###-pound -lrb- dlrs ###,### -rrb- king george vi and queen elizabeth diamond stakes at ascot .", "summaries": ["UNK beats the fancied stars"]} +{"id": "gigaword-test-1116", "text": "the chief of staff has endorsed a military court verdict condemning a jordanian soldier to life in prison for killing seven israeli tourist girls , officials and newspapers said sunday .", "summaries": ["army chief endorses life sentence on jordanian soldier"]} +{"id": "gigaword-test-1117", "text": "egypt trounced ethiopia #-# sunday in a group three qualifying round , earning a coveted spot in the #### african nations cup .", "summaries": ["egypt trounces ethiopia in african nations cup qualifier"]} +{"id": "gigaword-test-1118", "text": "several economists say thailand _ an asian economic success story until #### _ could see its first recession in ## years .", "summaries": ["bangkok : economic woes"]} +{"id": "gigaword-test-1119", "text": "a natural gas tank exploded monday in the kitchen of an oil company building in the urals region , killing at least ## people and injuring ## , officials said .", "summaries": ["explosion in oil company building kills ## eds : UNK to increase death toll to ## dead ## injured"]} +{"id": "gigaword-test-1120", "text": "asian stock markets closed generally higher tuesday , but share prices fell in tokyo after rising for three straight sessions .", "summaries": ["asian stock markets close generally higher"]} +{"id": "gigaword-test-1121", "text": "italian tax police on tuesday searched offices of silvio berlusconi 's media company fininvest in connection with a tax evasion investigation of the spanish television network telecinco .", "summaries": ["italian tax police search offices of berlusconi group"]} +{"id": "gigaword-test-1122", "text": "british foreign secretary robin cook met bosnian serb opposition leaders wednesday before going on to croatia and talks with president franjo tudjman .", "summaries": ["cook arrives in zagreb after talks with serbs by UNK UNK"]} +{"id": "gigaword-test-1123", "text": "a saudi dissident pleaded innocent wednesday to plotting to kill americans in his homeland as his attorney said an earlier agreement to plead guilty was invalid .", "summaries": ["saudi suspect pleads innocent to plotting against americans eds : combines pvs ; no pickup"]} +{"id": "gigaword-test-1124", "text": "nasa on wednesday rejected the u.s. astronaut who was supposed to be the next american to live on the russian space station mir because she 's too short .", "summaries": ["european cups scores by the associated press"]} +{"id": "gigaword-test-1125", "text": "algerian soldiers stepped up their patrols in the capital thursday , a day after a car bomb killed three people and wounded at least ## at an algiers cafe and a policeman was killed in a shootout .", "summaries": ["patrols increased in algiers after cafe bombing eds : UNK toll from hospital officials in #th graf"]} +{"id": "gigaword-test-1126", "text": "when hashemi rafsanjani steps down sunday after eight years as iran 's president , he will leave behind an administration that has strengthened its grip on power and stabilized the economy but still has n't come to terms with the west .", "summaries": ["results in modern pentathlon world championships"]} +{"id": "gigaword-test-1127", "text": "the eighth asia-pacific traditional arts festival opened saturday at the center for traditional arts in eastern yilan county saturday , featuring folk music , dance and theater groups from the mekong river region of indochina .", "summaries": ["traditional arts center in yilan presents mekong art"]} +{"id": "gigaword-test-1128", "text": "the u.s. dollar was traded at nt$ ##.### at #:## a.m. thursday on the taipei foreign exchange , down nt$ #.### from wednesday 's close .", "summaries": ["today in history"]} +{"id": "gigaword-test-1129", "text": "the planned taiwan food and drug administration -lrb- UNK -rrb- will be formally inaugurated jan. # , #### and have a staff of ### people , minister without portfolio chang UNK announced monday .", "summaries": ["taiwan food and drug adminstration to be launched in early ####"]} +{"id": "gigaword-test-1130", "text": "computer vendor acer inc. was unveiled friday as taiwan 's leading brand on a list of taiwan 's top ## global brands for the first time ever , with anti-virus software maker trend micro and computer maker asustek close behind .", "summaries": ["acer heads list of top ## taiwan global brands in ####"]} +{"id": "gigaword-test-1131", "text": "the taiwan stock exchange 's main index opened little changed thursday , moving down #.## points at #,###.## on a turnover of nt$ #.## billion -lrb- us$ ##.## million -rrb- .", "summaries": ["taiwan shares open little changed"]} +{"id": "gigaword-test-1132", "text": "the first comic-book version of a defense white paper was introduced by the ministry of national defense -lrb- mnd -rrb- tuesday , with two of the leading characters appearing at a press conference to promote it .", "summaries": ["leading characters of mnd comic book pleased with result"]} +{"id": "gigaword-test-1133", "text": "president chen shui-bian said thursday he will attend a summit meeting of heads of state of the republic of china and its central american allies to be held in el salvador later this year if the event can take place as originally scheduled .", "summaries": ["president reaffirms commitment to attending summit in el salvador"]} +{"id": "gigaword-test-1134", "text": "minister of the interior chang po-ya said wednesday that she favors setting up casinos at offshore island hotels , as long as it would be in line with the development of the domestic tourism industry as a whole .", "summaries": ["interior minister favors setting up casinos on offshore islands"]} +{"id": "gigaword-test-1135", "text": "republic of china president chen shui-bian and his cabinet `` ought to be applauded for their continuing efforts to make taiwan one of the freest places on earth , '' u.s. congresswoman eddie bernice johnson said wednesday .", "summaries": ["foreign exchange rates"]} +{"id": "gigaword-test-1136", "text": "premier chang chun-hsiung said thursday he is enraged and saddened by the snail-paced progress of the reconstruction of areas hardest hit by a disastrous earthquake that rattled taiwan on sept. ## , #### .", "summaries": ["premier enraged by slow progress of post-quake reconstruction"]} +{"id": "gigaword-test-1137", "text": "a granddaughter of republic of china founder dr. sun yat-sen said thursday said that the thoughts of her grandfather should be used as the basis for peaceful cross-strait reunification .", "summaries": ["UNK gov t urged to return to three principles of the people"]} +{"id": "gigaword-test-1138", "text": "opposition kuomintang -lrb- kmt -rrb- chairman lien chan on wednesday called for unity among members and supporters of the kmt and its ally the people first party to win the next presidential election to be held in march #### .", "summaries": ["kmt head calls for unity in opposition alliance"]} +{"id": "gigaword-test-1139", "text": "taiwan 's deputy representative to the united states , tsai UNK , stressed on tuesday that holding referendums is one of the basic human rights of the people of taiwan and it has nothing to do with taiwan 's independence or possible unification with mainland china .", "summaries": ["taiwan diplomat says referendum has nothing to do with independence"]} +{"id": "gigaword-test-1140", "text": "share prices opened high and closed even higher on the taiwan stock exchange -lrb- taiex -rrb- thursday , with the weighted index , the market 's key barometer , moving up ##.## points to close at #,###.## .", "summaries": ["prices up on taipei stock market"]} +{"id": "gigaword-test-1141", "text": "the u.s.-based UNK llc and the i-shou university in southern taiwan signed a memorandum thursday to jointly develop the micro and nano technologies for UNK use .", "summaries": ["taiwan school and u.s. firm to develop UNK technology"]} +{"id": "gigaword-test-1142", "text": "a group of social activists and academics are scheduled to meet friday to call for gender equity in funeral rituals and traditions in which the female members of a taiwanese family are discriminated against , a women 's rights group said thursday .", "summaries": ["activists to call for gender equity in funeral traditions"]} +{"id": "gigaword-test-1143", "text": "the first taiwan-born UNK , a mammal belonging to the raccoon family , has been put on public display at the city zoo in suburban taipei , a zoo official said wednesday .", "summaries": ["first locally born UNK put on display at taipei zoo"]} +{"id": "gigaword-test-1144", "text": "in any cross-taiwan strait trade pact talks that take place in the future , topics concerning agricultural affairs will focus on quarantine and relevant testing of livestock and plants , as well as intellectual property rights -lrb- ipr -rrb- protection for taiwanese agricultural products , the vice minister of the cabinet-level council of agricultural affairs -lrb- coa -rrb- said monday .", "summaries": ["quarantine ipr on agricultural products to be included in ecfa"]} +{"id": "gigaword-test-1145", "text": "the daily charter flights between taiwan and china inaugurated four months ago have attracted severe criticism , with detractors complaining about excessive pricing , but the opening of regular flights , expected later this year , is raising hopes of cheaper fares .", "summaries": ["launch of regular cross-strait flights might help lower fares"]} +{"id": "gigaword-test-1146", "text": "business at taiwan 's theme parks and resorts grew significantly in the first quarter of this year compared to q# last year , the tourism bureau said thursday , attributing the growth to the government 's shopping voucher program and other promotion efforts .", "summaries": ["shopping vouchers help boost theme parks business : tourism bureau"]} +{"id": "gigaword-test-1147", "text": "taiwan began to make on-board checks of passengers on flights arriving from the united states wednesday in a bid to keep the swine flu virus at bay .", "summaries": ["taiwan launches on-board flu checks on flights from north america"]} +{"id": "gigaword-test-1148", "text": "a national human rights museum under the planned ministry of culture is scheduled to open on jan. # , #### , council for cultural affairs chairman emile sheng said friday .", "summaries": ["human rights museum to open in ####"]} +{"id": "gigaword-test-1149", "text": "united microelectronics corp. -lrb- umc -rrb- , the world 's second largest contract chipmaker , said wednesday it saw a slight drop in sales in november as a result of the new taiwan dollar 's surge against the u.s. dollar .", "summaries": ["umc november sales down on stronger new taiwan dollar"]} +{"id": "gigaword-test-1150", "text": "taiwan-based petrochemical giant formosa plastics group categorically denied monday that the seven members in its core leadership have signed a secret deal to retire by #### .", "summaries": ["formosa plastics denies secret deal on core leadership"]} +{"id": "gigaword-test-1151", "text": "the first probable human case of mad cow disease in taiwan was listed posthumously saturday , following the death in may of a man who had symptoms of the fatal brain-wasting illness .", "summaries": ["#st case of probable mad cow disease listed posthumously in taiwan"]} +{"id": "gigaword-test-1152", "text": "academia sinica said thursday that taiwan 's economic growth for #### is expected to be a moderate #.## percent from a strong showing in #### amid uncertainty over global economic fundamentals .", "summaries": ["academia sinica : #### economy to grow #.## percent"]} +{"id": "gigaword-test-1153", "text": "a team of community rangers was formed tuesday to help protect wetland areas around the UNK community , the second ecotourism attraction of its kind near kenting national park in southern taiwan .", "summaries": ["ranger team established in effort to conserve wetlands"]} +{"id": "gigaword-test-1154", "text": "president ma ying-jeou declared thursday that his administration will form a special panel to seek investment from around the world now that taiwan has struck a landmark trade deal with china .", "summaries": ["talk of the day all-out drive to attract global investment"]} +{"id": "gigaword-test-1155", "text": "the u.s. dollar rose against the new taiwan dollar wednesday , adding nt$ #.### to close at the day 's high of nt$ ##.### .", "summaries": ["u.s. dollar closes higher on taipei forex"]} +{"id": "gigaword-test-1156", "text": "UNK", "summaries": ["taiwanese enterprises form oil transport company"]} +{"id": "gigaword-test-1157", "text": "the inking of a UNK economic cooperation framework agreement -lrb- ecfa -rrb- between taiwan and china has stirred up a sense of crisis of japan , south korea and singapore .", "summaries": ["united daily news : low tax rates wo n't bring golden decade"]} +{"id": "gigaword-test-1158", "text": "the u.s. dollar rose against the new taiwan dollar thursday , gaining nt$ #.## to close at nt$ ##.### .", "summaries": ["u.s. dollar closes higher on taipei forex"]} +{"id": "gigaword-test-1159", "text": "several heavyweight musicians from europe will perform and give master classes at the first chamber music festival hosted by greater tainan city on dec. #-## , a cultural ambassador of tainan county told the central news agency on tuesday .", "summaries": ["greater tainan to host chamber music festival in december"]} +{"id": "gigaword-test-1160", "text": "james soong , chairman of the people first party -lrb- pfp -rrb- said saturday evening at a press conference that he is not interested in joining any political alliance , but his party will do its best to fulfill its obligation as a dutiful opposition party .", "summaries": ["james soong shows no interest in joining political alliances"]} +{"id": "gigaword-test-1161", "text": "taipei mayor ma ying-jeou and mainland china president jiang zemin topped the men of the year lists in taiwan and across the taiwan strait respectively , a poll released on sunday showed .", "summaries": ["taipei mayor mainland china president top men of year lists : poll"]} +{"id": "gigaword-test-1162", "text": "president chen shui-bian lauded tuesday the government 's decision to open taiwan to mainland chinese tourists as a breakthrough in peaceful exchanges with the mainland .", "summaries": ["roc president lauds taiwan 's opening to mainland chinese tourists"]} +{"id": "gigaword-test-1163", "text": "kanye west did n't play one of his smoothest shows saturday , but it was one of his most significant -- if not for him then for the coachella valley music and arts festival .", "summaries": ["all together now"]} +{"id": "gigaword-test-1164", "text": "the senate on wednesday neared approval of a $ ###-billion spending bill to fund the iraq war and hurricane relief efforts , loading it up with billions of extra dollars for projects around the country .", "summaries": ["senate nears passage of huge spending bill"]} +{"id": "gigaword-test-1165", "text": "last sunday 's boston globe carried an alarming #,###-word front-page article about president bush and the constitution .", "summaries": ["UNK cafeteria"]} +{"id": "gigaword-test-1166", "text": "ending days of secret balloting and back-room dealing , the italian parliament on wednesday elected an ##-year-old former communist as president of the nation , the final step before a new government can be seated .", "summaries": ["parliament elects former communist as president"]} +{"id": "gigaword-test-1167", "text": "in heavily accented english , the radio skit invited landscapers and dishwashers to head on over to the `` UNK steakhouse .", "summaries": ["radio station 's skit offends latinos"]} +{"id": "gigaword-test-1168", "text": "the pentagon 's top medical officer contests the conclusions of a government accountability office report that questioned whether service members returning from iraq and afghanistan are getting appropriate mental health care .", "summaries": ["pentagon faults report questioning veterans mental health care"]} +{"id": "gigaword-test-1169", "text": "soccer in italy is nothing short of a religion .", "summaries": ["sport scandal deflates italian identity"]} +{"id": "gigaword-test-1170", "text": "it 's odd to hear vinton cerf , regarded as one of the founding fathers of the internet , to gush over UNK books .", "summaries": ["google 's goal : a worldwide web of books"]} +{"id": "gigaword-test-1171", "text": "the UNK UNK", "summaries": ["new on disc : the UNK"]} +{"id": "gigaword-test-1172", "text": "inside a ramshackle buddhist temple here on the country 's southeastern coast , curious villagers gathered last fall as part of the united states ' biggest gamble yet on stopping the aids pandemic .", "summaries": ["aids vaccine testing goes overseas"]} +{"id": "gigaword-test-1173", "text": "marine sgt. phillip jolly , in the masterful documentary `` combat diary : the marines of lima company , '' set for thursday on a&e , explains the exhilaration of combat -- and the horror that soon follows .", "summaries": ["soldiers open up in combat diary"]} +{"id": "gigaword-test-1174", "text": "armando reyes climbed over the border fence and prepared for the dash into san diego .", "summaries": ["migrants flow into u.s."]} +{"id": "gigaword-test-1175", "text": "complaints : the cx-# 's success is also its failure .", "summaries": ["nuts & bolts : #### mazda cx-#"]} +{"id": "gigaword-test-1176", "text": "when gas prices rise , drivers grumble and politicians talk energy crisis .", "summaries": ["marketers leverage high price of gas"]} +{"id": "gigaword-test-1177", "text": "`` african gold from the UNK collection , the museum of fine arts , houston '' runs through nov. ## at the smithsonian institution 's national museum of african art , ### independence ave. nw .", "summaries": ["when you go : african gold"]} +{"id": "gigaword-test-1178", "text": "john duffy of gettysburg , pa. , arrived at washington 's dulles airport #\u00a0#\\/# hours before his united flight to frankfurt , germany , to find all available floor space filled with other would-be fliers .", "summaries": ["hurry up and wait"]} +{"id": "gigaword-test-1179", "text": "a washington post article incorrectly said that steve scully , president of the white house correspondents ' association , works for cnn .", "summaries": ["UNK correction"]} +{"id": "gigaword-test-1180", "text": "the water in the shower went from cold to colder .", "summaries": ["hostel environments"]} +{"id": "gigaword-test-1181", "text": "in #### , seven years into a life sentence for a double homicide , aaron owens sat before a parole board believing that he was never going to be released .", "summaries": ["safeguards for the innocent"]} +{"id": "gigaword-test-1182", "text": "a strange form of cancer is being transmitted as an infectious agent among the world 's dogs , without help from viruses or bacteria , a research team in england has found .", "summaries": ["form of dog cancer spreads as infectious agent"]} +{"id": "gigaword-test-1183", "text": "the government filed another round of criminal charges in a widening stock options scandal .", "summaries": ["options scandal widens"]} +{"id": "gigaword-test-1184", "text": "sometimes it seems the only way to keep children safe from household accidents is constant vigilance .", "summaries": ["how to UNK your home"]} +{"id": "gigaword-test-1185", "text": "like all feats of magic , transforming bunches of pinot noir grapes into great red wine is n't easy .", "summaries": ["new zealand 's practical magic"]} +{"id": "gigaword-test-1186", "text": "some of the most popular programming on cable television networks today revolves around the do-it-yourself theme -- from bob vila showing you how to tile a floor to the team on `` while you were out '' offering tips on how to brighten a room with the right colors .", "summaries": ["videos that explain life but leave verifying to you"]} +{"id": "gigaword-test-1187", "text": "last week , the international astronomical union stripped pluto of its official status as a planet .", "summaries": ["# things that like pluto need a downgrade"]} +{"id": "gigaword-test-1188", "text": "as a kurdish rebel group took responsibility for a string of weekend bombings , a new blast monday killed three people and injured dozens more in the southern mediterranean resort of antalya .", "summaries": ["blast kills # injures dozens in resort town"]} +{"id": "gigaword-test-1189", "text": "bernie massey , the co-founder of a los angeles social action foundation , had been trying to figure out how to make a statement against terrorism .", "summaries": ["bombed bus exhibit to show fearful cost of terrorism"]} +{"id": "gigaword-test-1190", "text": "dashing louisiana 's hopes that it would be the site of a public rapprochement between president bush and french president jacques chirac , representatives for both men said this week that they will not attend a ceremony marking the bicentennial of the louisiana purchase .", "summaries": ["bush chirac are n't buying louisiana purchase ceremony UNK houston"]} +{"id": "gigaword-test-1191", "text": "shopping for consumer electronics is a pain .", "summaries": ["hard questions for hardware"]} +{"id": "gigaword-test-1192", "text": "an american soldier and at least three iraqis were killed friday when a bomb exploded near a humvee and a passing minibus on a crowded street in the capital , despite an overall reduction in rebel attacks .", "summaries": ["u.s. soldier # iraqis killed in iraq UNK baghdad"]} +{"id": "gigaword-test-1193", "text": "our colleague anne hull got lots of reader response on a story last week about an arabic linguist discharged from the army for being gay .", "summaries": ["fired linguist may be back in business"]} +{"id": "gigaword-test-1194", "text": "former sen. paul simon , a democrat who ran for president in #### as a budget-balancing liberal , died tuesday of complications after heart surgery in his home state of illinois .", "summaries": ["former sen. paul simon ## dies UNK UNK"]} +{"id": "gigaword-test-1195", "text": "democratic presidential candidate howard dean , known to many voters as a staunch opponent of the iraq war , enthusiastically supports missile defense development and declines to back a proposal to ban weapons in space .", "summaries": ["democrats stake out positions in national security survey UNK UNK"]} +{"id": "gigaword-test-1196", "text": "today , concern about homework is again reaching a fever pitch .", "summaries": ["it 's not the amount of homework that is the problem"]} +{"id": "gigaword-test-1197", "text": "saddam hussein , who portrayed himself as the successor of salahuddin and other arab conquerors as he ruled iraq for ## years , was captured by u.s. forces saturday night while hiding in a rat-infested hole in the ground .", "summaries": ["u.s. UNK saddam UNK baghdad"]} +{"id": "gigaword-test-1198", "text": "in the early ####s , the only thing most people knew about llamas was that michael jackson had one .", "summaries": ["let your llama do the UNK"]} +{"id": "gigaword-test-1199", "text": "lord knows our UNK culture downs plenty of coffee -- american coffee hounds gulp an average of three cups a day apiece , according to the new york-based national coffee association of u.s.a. inc. 's #### survey .", "summaries": ["wake up and smell the fire"]} +{"id": "gigaword-test-1200", "text": "setting their sights on an operation they say clogged the internet with a quarter-billion e-mail messages daily , new york attorney general eliot spitzer and microsoft corp. .", "summaries": ["new york microsoft sue to halt deluge of spam"]} +{"id": "gigaword-test-1201", "text": "it starts with a few whispered words over tiny cups of bitter black coffee , a narrow UNK glance or two -- and then comes the torrent of talk about betrayal and blood revenge .", "summaries": ["saddam 's betrayal has village on edge UNK UNK iraq"]} +{"id": "gigaword-test-1202", "text": "-lrb- wap -rrb- editors this refers to UNK -lrb- lane , post -rrb- moved thursday .", "summaries": ["UNK correction"]} +{"id": "gigaword-test-1203", "text": "in september , the u.s. postal service issued two commemorative UNK stamps featuring kirby the puppy and samantha the kitten .", "summaries": ["pets on the web"]} +{"id": "gigaword-test-1204", "text": "an ear tag on a slaughtered washington state holstein cow found to be infected with mad cow disease shows the animal came from alberta , canada , where another case of mad cow disease was discovered in may , government officials said saturday .", "summaries": ["diseased cow came from canada"]} +{"id": "gigaword-test-1205", "text": "as much as they hoped never to hear it , the dreaded news of mad cow disease comes at perhaps the best possible time of year for american ranchers .", "summaries": ["timing of mad cow news minimizes impact on ranchers UNK seattle"]} +{"id": "gigaword-test-1206", "text": "former vice president dick cheney waded into another roiling public debate monday , saying that he supports legalizing same-sex marriage as long as the issue is decided by the states , rather than the federal government .", "summaries": ["cheney endorses gay marriage on state-by-state basis"]} +{"id": "gigaword-test-1207", "text": "UNK lindner watches her boys asleep in a sofa bed .", "summaries": ["keeping together in tough times"]} +{"id": "gigaword-test-1208", "text": "the securities and exchange commission thursday charged former countrywide chief angelo r. mozilo , who ran the nation 's largest subprime mortgage lender , with fraud , making him the most prominent executive accused of illegality in connection with the financial crisis .", "summaries": ["sec charges former countrywide executive with fraud"]} +{"id": "gigaword-test-1209", "text": "president george w. bush 's springer spaniel , spot , was old and ailing .", "summaries": ["former head usher at white house witnessed first families at their most vulnerable"]} +{"id": "gigaword-test-1210", "text": "it does n't take a paranoid mind to fret over our state of UNK .", "summaries": ["pop UNK : a possible satire by lee UNK"]} +{"id": "gigaword-test-1211", "text": "almost #.# million u.s. homes could wake up saturday to a blank tv screen .", "summaries": ["switch to digital could blank some tv screens saturday"]} +{"id": "gigaword-test-1212", "text": "two projections offer two contrasting , compelling documents of contemporary urban life .", "summaries": ["mark lewis UNK camera"]} +{"id": "gigaword-test-1213", "text": "she is aware she raised more than a few eyebrows with her music , and that fans might be even more bewildered by her film `` the human contract .", "summaries": ["smith 's new film bears little UNK to tv show"]} +{"id": "gigaword-test-1214", "text": "president obama has embraced bush administration justifications for denying public access to white house visitor logs even as advisers say they are reviewing the policy of keeping secret the official record of comings and goings .", "summaries": ["obama criticized for withholding visitor logs"]} +{"id": "gigaword-test-1215", "text": "new dvds you can watch this weekend : UNK", "summaries": ["new dvds"]} +{"id": "gigaword-test-1216", "text": "chrysler 's alliance with fiat , finalized this month , creates a fresh start for the company and for tens of thousands of workers .", "summaries": ["tomorrow 's auto industry"]} +{"id": "gigaword-test-1217", "text": "iran 's post-election tumult has exposed the sharply divergent ways in which the obama administration and its republican opponents view the nature of american power and the president 's role in speaking to political dissent outside the borders of the united states .", "summaries": ["iran unrest reveals partisan split on proper u.s. role"]} +{"id": "gigaword-test-1218", "text": "a lot of barack obama campaign folks , people who were in the trenches with him early on during the iowa winter of #### , are said to be grumbling about not getting jobs in the administration while people who backed other democrats and then shifted late to the one , are happily ensconced on the federal payroll .", "summaries": ["smells like team spirit"]} +{"id": "gigaword-test-1219", "text": "in january , the los angeles times reported that the nederlander organization acquired the rights to produce a musical version of `` thriller '' with the intention of involving jackson in `` every aspect of the creative process .", "summaries": ["jackson 's death stalls thriller musical plans"]} +{"id": "gigaword-test-1220", "text": "who 's going to hear `` you 're hired '' ? this time , donald trump is asking viewers to weigh in on his choice for the next winner of `` the apprentice .", "summaries": ["reality check : trump asks viewers for help"]} +{"id": "gigaword-test-1221", "text": "european tourists here send home postcards with stamps bearing the images of five faces , known simply as los UNK -lrb- the young men -rrb- or los cinco -lrb- the five -rrb- .", "summaries": ["cubans jailed in u.s. as spies hailed at home"]} +{"id": "gigaword-test-1222", "text": "fbi agents who raided the office of rep. william jefferson , d-la .", "summaries": ["fbi threatened to pick lock filing says"]} +{"id": "gigaword-test-1223", "text": "a former chief of staff to then-house majority whip tom delay , r-tex .", "summaries": ["ex-aide to delay traveled often on others tab"]} +{"id": "gigaword-test-1224", "text": "is it time for the media to stop lavishing attention on ann coulter ? UNK", "summaries": ["promoting nastiness : mainstream media UNK ann coulter"]} +{"id": "gigaword-test-1225", "text": "in stifling heat shortly after noon , a compact , neatly groomed man in a plaid shirt and slacks plunges down an alley lined with mango sellers and women cooking bread over wood fires .", "summaries": ["sniffing out the UNK who stress the grid"]} +{"id": "gigaword-test-1226", "text": "if you had a headache , even a migraine , would you shoot yourself in the head to get rid of it ? UNK", "summaries": ["abbas comeback plan is a dead end"]} +{"id": "gigaword-test-1227", "text": "a range of previously unrecognized tax liabilities have forced UNK service corp. to reduce its stated operating income for #### by $ # million , according to an securities and exchange commission document filed late tuesday .", "summaries": ["UNK restates income"]} +{"id": "gigaword-test-1228", "text": "he was a jew with missing teeth and flat feet .", "summaries": ["holocaust victim files to be opened"]} +{"id": "gigaword-test-1229", "text": "former president clinton predicted last week that republican environmental policies are going to lead to more hurricanes .", "summaries": ["gop must weather hurricane issue"]} +{"id": "gigaword-test-1230", "text": "temperatures have been warmer over the past ## years than any time in the last four centuries -- and possibly the last #,### years , a prestigious federal advisory panel reported thursday .", "summaries": ["federal panel confirms global warming findings"]} +{"id": "gigaword-test-1231", "text": "as merck & co. defends itself against litigation involving its pain reliever vioxx , the pharmaceutical giant also is fielding the first of what could be another wave of lawsuits involving fosamax , an osteoporosis drug and its second biggest seller .", "summaries": ["merck drug fosamax may face litigation"]} +{"id": "gigaword-test-1232", "text": "the house of representatives recently voted to refrain from mandating something called `` net neutrality '' in this year 's telecom legislation , but the proposal could resurface in the senate or in a conference committee .", "summaries": ["politicians shake down the net"]} +{"id": "gigaword-test-1233", "text": "anna wintour must be pleased .", "summaries": ["UNK shark"]} +{"id": "gigaword-test-1234", "text": "gov. david a. paterson proposed legislation wednesday to eliminate pay and perks for special district commissioners and put town boards in charge of sanitation districts .", "summaries": ["paterson backs government streamlining plan"]} +{"id": "gigaword-test-1235", "text": "david axelrod first showed signs of chronic fan syndrome in the early ####s in his native new york city .", "summaries": ["david axelrod the man with obama 's game plan"]} +{"id": "gigaword-test-1236", "text": "at UNK elephant camp , i met boon rot , all ## feet and three or so tons of her , as she UNK on bamboo stalks .", "summaries": ["declining prospects for thailand 's elephants"]} +{"id": "gigaword-test-1237", "text": "on its second day of deliberations , a jury tuesday found a maryland man guilty of stalking `` pulp fiction '' star uma thurman .", "summaries": ["man guilty of stalking thurman"]} +{"id": "gigaword-test-1238", "text": "in brief remarks after meeting with congressional republicans , bush issued his veto threat , complaining that legislation under consideration would `` reward speculators and lenders .", "summaries": ["bush vows to veto foreclosure package"]} +{"id": "gigaword-test-1239", "text": "UNK corp. , an oak ridge , tenn. , technology company , is developing a camera and software system that promises by next year a significant improvement in automated traffic signals .", "summaries": ["your wheels : computer vision has eyes on driving 's future"]} +{"id": "gigaword-test-1240", "text": "alexander calder -lrb- ####-#### -rrb- , the son of an artist and a painter , not surprisingly was a multimedia artist .", "summaries": ["who is alexander calder"]} +{"id": "gigaword-test-1241", "text": "the collision occurred shortly before noon pdt , said sgt. kristin UNK of the west hollywood sheriff 's station .", "summaries": ["drew barrymore unhurt in hit-run crash"]} +{"id": "gigaword-test-1242", "text": "the lebanese government rescinded two decisions wednesday that had targeted hezbollah and ignited the worst internal fighting since the end of the ##-year civil war , underlining the group 's sense of victory in a battle that has recalibrated lebanese politics .", "summaries": ["lebanese cabinet backs off in UNK with hezbollah"]} +{"id": "gigaword-test-1243", "text": "the rankings for UNK books sold in southern california , as reported by selected book stores : UNK", "summaries": ["best sellers west"]} +{"id": "gigaword-test-1244", "text": "when kids at UNK singh 's school in loudoun county , va. , have a birthday , there are no parents sweeping in with towers of cupcakes dripping with frosting .", "summaries": ["a birthday celebration without the sweets"]} +{"id": "gigaword-test-1245", "text": "james frey was back in his old los angeles neighborhood , strolling happily along the venice boardwalk , enjoying a sunny day in a t-shirt and aviator shades as he passed tattoo shops and a man who was selling what he claimed to be `` philosophy .", "summaries": ["james frey grabs his second chance"]} +{"id": "gigaword-test-1246", "text": "the deal between government officials and islamic militants in the scenic swat valley could presage broader accords with militants in the tribal areas bordering afghanistan .", "summaries": ["pakistan signs truce with militant faction"]} +{"id": "gigaword-test-1247", "text": "but the survey also suggested that the state is moving closer to accepting non-traditional marriages , which could create openings for supporters of same-sex marriage as the campaign unfolds .", "summaries": ["poll says voters lean toward overturning judges on gay marriage"]} +{"id": "gigaword-test-1248", "text": "authorities are investigating whether an arson fire near chicago mayor richard m. daley 's summer home in michigan last month is linked to threats against the mayor from someone furious about the april ## killing of a cougar that had roamed into downtown chicago .", "summaries": ["arson near chicago mayor 's home may be linked to cougar 's killing"]} +{"id": "gigaword-test-1249", "text": "may is a pivotal month for moving and storage companies .", "summaries": ["moving companies hit bumps in economic road"]} +{"id": "gigaword-test-1250", "text": "sony electronics and six of the largest cable companies have signed an agreement that paves the way for `` two-way , '' digital UNK tvs to be sold on the market , according to sony and the national cable & telecommunications association .", "summaries": ["cable companies sony agree on box alternative"]} +{"id": "gigaword-test-1251", "text": "the sloping expanse of verdant hillside known as el UNK does n't stand out amid the lush UNK straddling the remote UNK frontier .", "summaries": ["hill of ore may hold mountain of conservation woes"]} +{"id": "gigaword-test-1252", "text": "UNK tallahassee bureau UNK", "summaries": ["$ #b UNK looms in ## budget"]} +{"id": "gigaword-test-1253", "text": "orlando long after a recent practice , magic center dwight howard lounged in the stands and chatted with team general manager otis smith about life .", "summaries": ["as howard fouls mount so does frustration"]} +{"id": "gigaword-test-1254", "text": "the district of columbia council approved a measure on tuesday that would allow people with certain chronic illnesses to obtain medical marijuana from a handful of dispensaries regulated by the city .", "summaries": ["washington UNK medical use of marijuana"]} +{"id": "gigaword-test-1255", "text": "borrowing costs for europe 's more vulnerable countries rose on wednesday while stocks and the euro fell , as the possibility of a new credit downgrade for portugal underscored fears that efforts to contain the debt crisis to greece were failing .", "summaries": ["wall st. stumbles as european debt worries persist bettina wassener and graham bowley contributed reporting"]} +{"id": "gigaword-test-1256", "text": "ext goes here .", "summaries": ["## head goes UNK test"]} +{"id": "gigaword-test-1257", "text": "seattle as usual , rays manager joe maddon had his reasons for starting willy aybar ahead of pat burrell at designated hitter on thursday against seattle lefty ryan UNK .", "summaries": ["aybar starts because ..."]} +{"id": "gigaword-test-1258", "text": "UNK tallahassee bureau UNK", "summaries": ["a lavish but limited look"]} +{"id": "gigaword-test-1259", "text": "this is the time of year when people often take golf lessons .", "summaries": ["a lesson about lessons"]} +{"id": "gigaword-test-1260", "text": "q. i 've heard that cow manure can be used for energy production , but not human waste .", "summaries": ["on not wasting waste"]} +{"id": "gigaword-test-1261", "text": "a creek winds through lush wetlands along a los angeles river walk surrounded by native plants and birds .", "summaries": ["land issue no walk in the park"]} +{"id": "gigaword-test-1262", "text": "teachers are giving up raises in at least five long island districts , including most recently , brentwood , where the #,### teachers will also take individual pay cuts of $ ### that will be repaid to them without interest when they leave or retire .", "summaries": ["suburban teachers feel budget axes"]} +{"id": "gigaword-test-1263", "text": "when she founded the digital ad agency UNK nine years ago , kat egan was n't worried about finding good talent .", "summaries": ["a digital boot camp to groom talent for agencies"]} +{"id": "gigaword-test-1264", "text": "one by one the favorites have fallen : the penguins , the capitals , the red wings , the devils .", "summaries": ["regular season was irrelevant in the east"]} +{"id": "gigaword-test-1265", "text": "three days after the u.s. soccer federation announced its preliminary world cup roster , its president led a four-member team to switzerland to attempt to win the right to host the tournament for the second time .", "summaries": ["u.s. makes bid for world cup but isn t picky about the year"]} +{"id": "gigaword-test-1266", "text": "the boxer amir khan spent late april and early may in vancouver , british columbia , his entry into the united states delayed while he obtained a work visa .", "summaries": ["after verbal sparring a lopsided title fight"]} +{"id": "gigaword-test-1267", "text": "ever since thomas UNK was accepted to three law schools outside his home state of california , he has spent entire days on the phone with health insurers in other states , compiling information that he enters on a giant spreadsheet .", "summaries": ["in health law a clearer view of coverage"]} +{"id": "gigaword-test-1268", "text": "chronicle movie critic san francisco chronicle , copyright #### UNK", "summaries": ["commentary mick lasalle on movies age in the eye of the UNK"]} +{"id": "gigaword-test-1269", "text": "never mind the plot .", "summaries": ["make carrie s style yours even without a mr. big"]} +{"id": "gigaword-test-1270", "text": "maybe it takes a shock jock like bubba the love sponge clem to get alex sink to relax .", "summaries": ["sink s lips loosen on radio show"]} +{"id": "gigaword-test-1271", "text": "using certain anti-cancer drugs for years at a time can help keep some types of cancer in remission longer , doctors reported thursday .", "summaries": ["study finds drugs can keep some cancer in remission longer"]} +{"id": "gigaword-test-1272", "text": "able-bodied , outgoing and accustomed to working , alexandria wallace wants to earn a paycheck .", "summaries": ["lack of aid for child care pushes some to welfare"]} +{"id": "gigaword-test-1273", "text": "stocks declined monday , dragged down by late-day losses in the financial sector , which has been mired in uncertainty over financial reforms and european debt troubles .", "summaries": ["financial reform and europe s debt send shares lower"]} +{"id": "gigaword-test-1274", "text": "consider it the ultimate girl 's night out .", "summaries": ["why we UNK fashion s fab four"]} +{"id": "gigaword-test-1275", "text": "-lrb- alfred a. knopf ; ### pages ; $ ## -rrb- reviewed by peter stansky san francisco chronicle , copyright #### UNK", "summaries": ["his finest hour winston s war : churchill ####-####"]} +{"id": "gigaword-test-1276", "text": "internal documents from bp show that there were serious problems and safety concerns with the deepwater horizon rig far earlier than those the company described to congress last week .", "summaries": ["UNK UNK trims nyt"]} +{"id": "gigaword-test-1277", "text": "every job interview has its awkward moments , but in recent years , the standard interview for men seeking a life in the roman catholic priesthood has made the awkward moment a requirement .", "summaries": ["sexuality now prime question in priest interview"]} +{"id": "gigaword-test-1278", "text": "forecasters are predicting an active hurricane season , which begins today and runs through nov. ## , much like the #### season of charley , frances , ivan and jeanne and the #### season of dennis , katrina and wilma .", "summaries": ["# changes since the storms of ##"]} +{"id": "gigaword-test-1279", "text": "UNK -lrb- los angeles -rrb- - column on who should win the western conference semifinals between the lakers and san antonio spurs .", "summaries": ["los angeles daily news budget"]} +{"id": "gigaword-test-1280", "text": "blur : `` think tank '' -lrb- virgin -rrb- # stars king UNK creative differences led to the sudden departure of blur 's longtime guitarist graham UNK early on in the recording process .", "summaries": ["discs : reviews of new cds"]} +{"id": "gigaword-test-1281", "text": "new executive director of basketball operations danny ainge said he would not speak with the players until after the celtics finished their playoff run .", "summaries": ["celtics pushed to brink as nets cruise in game #"]} +{"id": "gigaword-test-1282", "text": "the treasury department and the federal reserve on tuesday introduced a new design for paper currency , which will include colors other than the standard black and green , in an effort to deter counterfeiting .", "summaries": ["advisory : cox"]} +{"id": "gigaword-test-1283", "text": "-lrb- for release sunday , may ## -rrb- UNK", "summaries": ["UNK for release sunday may ##"]} +{"id": "gigaword-test-1284", "text": "long before the final horn blew wednesday at the sbc center , the mavericks felt they never had a legitimate chance at beating the san antonio spurs .", "summaries": ["technical knockout : nelson harris booted early in mavs game #"]} +{"id": "gigaword-test-1285", "text": "john e. UNK , the former chief executive and president of the rheingold corp. , died on may ## at atria UNK in annapolis , md. .", "summaries": ["john e. UNK former chief of rheingold corp. dies"]} +{"id": "gigaword-test-1286", "text": "one of the UNK but more engaging conventions of the contemporary caper film is to imagine that a dream team of crooked UNK , each a quirky genius who takes pride in his craft , can mesh like a perfectly functioning machine and accomplish miraculous feats of larceny .", "summaries": ["the italian job : once again it takes a thief to catch a thief"]} +{"id": "gigaword-test-1287", "text": "the master plan for ground zero is unraveling , which is not necessarily bad news .", "summaries": ["for ground zero disarray reigns and an opportunity awaits"]} +{"id": "gigaword-test-1288", "text": "if ever there was a classic case of `` no free lunch , '' popular pain control medications are it .", "summaries": ["personal health : perils of pain relief often hide in tiny type"]} +{"id": "gigaword-test-1289", "text": "during his first two days on the witness stand , l. dennis kozlowski appeared calm as he parried a series of tough questions .", "summaries": ["things turn a bit testy at trial of ex-tyco chief"]} +{"id": "gigaword-test-1290", "text": "one month after resigning as musical director of la scala in a stormy power struggle , riccardo muti ended a triumphant evening on monday at the opera house he directed for nearly two decades with the tempestuous notes of verdi 's `` forza del destino '' -lrb- `` power of fate '' -rrb- .", "summaries": ["muti returns to la scala but just for one night"]} +{"id": "gigaword-test-1291", "text": "the independent political groups known as ###s should be required to disclose their funding sources while election campaigns are in progress , three republican house members said wednesday .", "summaries": ["bill would require quick disclosure of ### groups funding"]} +{"id": "gigaword-test-1292", "text": "without government nutrition guidelines , a doctor 's advice or some primeval diet fad , entire species of dinosaurs sometimes UNK their predatory , meat-eating lifestyle and evolved into grazing vegetarians .", "summaries": ["becoming vegetarian : dinosaurs caught in the act"]} +{"id": "gigaword-test-1293", "text": "get ready to think about office politics and family affairs in UNK terms again .", "summaries": ["living with wolves : wolf society alpha to omega"]} +{"id": "gigaword-test-1294", "text": "one day after lakers owner jerry buss left his interest in phil jackson subject to interpretation , new york knicks president isiah thomas did anything but , telling reporters thursday that he believed a second meeting with jackson soon would take place .", "summaries": ["jackson at top of knicks list"]} +{"id": "gigaword-test-1295", "text": "john r. bolton 's effort in #### to oust a top central intelligence agency analyst from his post in a dispute over cuba represented a troubling breach of the line between policy makers and intelligence , the agency 's former deputy director has told the senate foreign relations committee , according to a transcript of the exchange .", "summaries": ["ex-cia official says bolton interfered"]} +{"id": "gigaword-test-1296", "text": "it is a cast worthy of a political thriller : a former convict whose claims about a former president and first lady spurred a criminal investigation ; a prominent senator 's brother-in-law , who worked undercover for federal agents looking into the case ; sworn enemies of the former first family trying to dig up fresh dirt , and some hollywood stars .", "summaries": ["trial over hillary clinton 's hollywood event has a strong cast"]} +{"id": "gigaword-test-1297", "text": "if you walk into the office of a scientist , chances are you 'll see a white board hanging on the wall , covered with UNK .", "summaries": ["profile : michael UNK explores where brain meets mind"]} +{"id": "gigaword-test-1298", "text": "southern california motorists again wasted more time in stalled traffic than drivers did anywhere else in the nation , and the region is expected to continue its dismal ranking for years , experts said monday .", "summaries": ["l.a. region still worst on gridlock"]} +{"id": "gigaword-test-1299", "text": "the curse at first - reversed .", "summaries": ["red sox over a 's #-# red UNK 's #"]} +{"id": "gigaword-test-1300", "text": "numbers help define jennifer rosales , in atlanta this week to defend the lpga chick-fil-a charity championship .", "summaries": ["q&a : jennifer rosales"]} +{"id": "gigaword-test-1301", "text": "a wealthy dilettante pays a publishing house to issue the novel he has written : a classic example of a vanity project .", "summaries": ["vanity of UNK : the conductor as composer as entrepreneur"]} +{"id": "gigaword-test-1302", "text": "commentator , UNK , fascist apologist and occasional presidential candidate pat buchanan could n't stand by silently while millions of people around the globe celebrated the defeat of hitler 's nazi germany .", "summaries": ["once again pat buchanan comes to hitler 's defense"]} +{"id": "gigaword-test-1303", "text": "to many new jersey republicans , the biggest turning point in the party 's primary for governor this year came in march , when tom kean jr. , son of the former governor , made it known that he would be a candidate -- for the u.s. senate .", "summaries": ["on the road to trenton # strive to excite"]} +{"id": "gigaword-test-1304", "text": "mike d'antoni has n't quite rescued the nba from itself yet , but the phoenix coach said that the suns ' success this season validates his approach to the game .", "summaries": ["suns showing no signs of slowing down in playoffs"]} +{"id": "gigaword-test-1305", "text": "for judi burgess , a single word changed everything .", "summaries": ["a ceremonial event evolves into a wedding"]} +{"id": "gigaword-test-1306", "text": "on monday , less than three weeks before the official start of the hurricane season , government forecasters predicted an active season that could be comparable to last year 's destructive one .", "summaries": ["forecasters predict an active hurricane season"]} +{"id": "gigaword-test-1307", "text": "the senate is likely to vote tuesday to make the environmental protection agency find a better way of measuring automobile fuel economy , to bring more realism to the stickers on the windows of new cars , which consumers have learned always to read but never to trust .", "summaries": ["congress seeks more realistic mileage estimates"]} +{"id": "gigaword-test-1308", "text": "`` i bring you a taste of my UNK , '' says our host as my friend laurie and i sit down to dinner beside a murmuring fire .", "summaries": ["is le UNK the next tuscany maybe"]} +{"id": "gigaword-test-1309", "text": "morgan stanley suffered another legal setback on wednesday , as a florida jury ordered it to pay $ ### million in punitive damages to the financier ronald o. perelman , who contended he was defrauded by the investment bank in a #### deal .", "summaries": ["jury awards perelman $ ### million more from morgan stanley"]} +{"id": "gigaword-test-1310", "text": "the #-year-old should n't be here .", "summaries": ["hats off to #-year-old leukemia victim"]} +{"id": "gigaword-test-1311", "text": "four days of talks between north and south korea ended thursday with the north resisting pressure to resume negotiations over its nuclear program , but agreeing to cabinet-level meetings with the south next month .", "summaries": ["in rare talks the # koreas agree to talk again next month"]} +{"id": "gigaword-test-1312", "text": "while jury deliberations continued in the trial of richard m. scrushy , the former chief executive of healthsouth , a separate healthsouth criminal case came to an end friday morning with the acquittal of two former executives on federal bribery charges .", "summaries": ["# healthsouth executives acquitted ; deliberations on scrushy continue"]} +{"id": "gigaword-test-1313", "text": "the roman catholic church and the chinese government are actively exploring the re-establishment of diplomatic relations , with contacts between the sides warming to the point that the ailing john paul ii quietly received a quasi-official chinese delegation in the vatican late last year .", "summaries": ["china and vatican explore renewing diplomatic ties international herald tribune"]} +{"id": "gigaword-test-1314", "text": "after spending a week in japan exploring the aichi world fair , courting japanese investors and lunching with toyota 's chairman , vice premier wu yi of china decided monday to fly home a few hours early , canceling a scheduled meeting with japan 's prime minister .", "summaries": ["chinese vice premier skips meeting with UNK leader"]} +{"id": "gigaword-test-1315", "text": "it was supposed to be a cozy affair .", "summaries": ["out in force : as # beloved sci-fi franchises fade away fans have seized the spotlight like never before"]} +{"id": "gigaword-test-1316", "text": "top military and civilian officials gathered on a conference call when a private plane strayed into restricted airspace over the district of columbia on may ## , but they never reached the point of authorizing jet fighters to shoot it down , a pentagon spokesman said wednesday .", "summaries": ["pentagon denies preparing to down stray plane"]} +{"id": "gigaword-test-1317", "text": "the new york times said in an editorial for friday , may ## : UNK", "summaries": ["editorial : the poppies of afghanistan"]} +{"id": "gigaword-test-1318", "text": "weight can have startling consequences for women 's financial well-being , careers , and marriage prospects , according to research that found that women - but not men - suffer economic harm from being overweight .", "summaries": ["women 's weight found to affect job income"]} +{"id": "gigaword-test-1319", "text": "as they move to thwart the illegal trade of cigarettes over the internet , state officials from new york have joined with colleagues from around the nation to persuade credit card companies to stop processing payments for online cigarette sales .", "summaries": ["post office draws criticism for shipping cigarettes purchased online"]} +{"id": "gigaword-test-1320", "text": "david beckham , the world 's highest-paid soccer player , will make his playing debut in the new york metropolitan area tuesday at giants stadium , and sven-goran eriksson , his coach with the national team of england , dismissed all UNK sunday by saying that beckham would remain the captain of the team .", "summaries": ["england 's coach says beckham will remain UNK of team"]} +{"id": "gigaword-test-1321", "text": "at ## , after nearly half a century in the union movement and after a decade leading the nation 's main labor federation , john j. sweeney is facing his toughest time ever .", "summaries": ["labor focuses on leader 's fitness for his job"]} +{"id": "gigaword-test-1322", "text": "for years , politicians from presidents to city council members have believed they could win tens of thousands of orthodox jewish votes if they captured the support of just one group : the council of jewish organizations of borough park , a collective of social service agencies .", "summaries": ["inquiries focusing on government funds for jewish council"]} +{"id": "gigaword-test-1323", "text": "the raiders were definitely up for dan marino 's first appearance ever at the oakland coliseum sunday .", "summaries": ["tough defense stood up to marino 's challenge"]} +{"id": "gigaword-test-1324", "text": "not long ago , in a drug and alcohol rehabilitation center in texas , a ##-year-old boy was weathering withdrawal at its worst .", "summaries": ["stuck on the web : the symptoms of internet addiction"]} +{"id": "gigaword-test-1325", "text": "colombian stocks rose for the first time in seven days , led by retailer UNK , amid optimism over the economy for #### .", "summaries": ["colombian stocks rise on economic recovery UNK UNK"]} +{"id": "gigaword-test-1326", "text": "charles keating jr. , whom government officials once characterized as the most notorious swindler in the savings and loan crisis , had his last remaining criminal conviction thrown out by a federal judge on monday .", "summaries": ["an f category code"]} +{"id": "gigaword-test-1327", "text": "jerry york 's office at boston college is tucked away in a corner of conte forum , suitably removed from the traffic flow in a place where conversations inevitably turn to hockey .", "summaries": ["can make individual purchases by calling UNK or UNK"]} +{"id": "gigaword-test-1328", "text": "boeing co. , faced with a record number of commercial aircraft orders , signed an agreement that will give it the help of rival mcdonnell douglas corp. in developing larger jumbo jets .", "summaries": ["boeing signs mcdonnell to help with new big jets UNK UNK"]} +{"id": "gigaword-test-1329", "text": "the new york times said in an editorial on wednesday , dec. # : UNK", "summaries": ["editorial : pataki picks a judge"]} +{"id": "gigaword-test-1330", "text": "texas senator takes seat on influential appropriations panel UNK", "summaries": ["attn eds : removes state in hedline to correct to u.s. senate"]} +{"id": "gigaword-test-1331", "text": "here 's the routine : UNK", "summaries": ["breaking small rules to preserve the big ones"]} +{"id": "gigaword-test-1332", "text": "trying to determine whether it is politically realistic to use a proposed change in the way the government measures inflation to help erase the deficit , republicans and democrats tried wednesday to tease out assurances of bipartisan cooperation on an issue that holds clear perils for both sides .", "summaries": ["battle lines drawn by report on inflation gauge"]} +{"id": "gigaword-test-1333", "text": "it was the monday before thanksgiving , and at UNK , a small film and video company in new york , they were expecting word from sundance , the important film festival in utah .", "summaries": ["it takes a little push to play the big screen"]} +{"id": "gigaword-test-1334", "text": "----- free art ... one b&w photo of clint eastwood and his wife , dina ruiz , can be sent to you by mail or overnight delivery , using your fedex or airborne delivery number .", "summaries": ["clint eastwood a man with absolute power"]} +{"id": "gigaword-test-1335", "text": "panetta said on thursday that clinton had also been impressed by albright 's hard-nosed negotiating style at the united nations .", "summaries": ["washington : into diplomacy"]} +{"id": "gigaword-test-1336", "text": "the new york times said in an editorial on friday , dec. # : UNK", "summaries": ["editorial : cabinet renewal"]} +{"id": "gigaword-test-1337", "text": "several former executives of apple computer inc. have raised $ # million in venture capital to fund a internet discussion area called UNK that picks up where apple left off when it shut down its UNK on-line service .", "summaries": ["UNK execs raise $ # millon to launch UNK"]} +{"id": "gigaword-test-1338", "text": "a #-year-old arlington boy who suffered severe damage to his genitals , apparently during toilet training , will remain in the custody of child protective services along with three siblings , a judge ruled friday .", "summaries": ["abused boy siblings to stay in custody of child protective"]} +{"id": "gigaword-test-1339", "text": "his motorsports empire now stretches from sea to shining sea , which means that bruton smith 's next acquisition might be a navy .", "summaries": ["some see bruton smith 's speedway empire as a growing threat to"]} +{"id": "gigaword-test-1340", "text": "it got so bad for the miami dolphins on sunday that boos were even being directed at their coach , jimmy johnson .", "summaries": ["giants over miami it 's true : guaranteed"]} +{"id": "gigaword-test-1341", "text": "general growth properties said it bought three michigan shopping malls from an investment group called UNK properties for $ ### million in cash , debt and securities .", "summaries": ["general growth buys # malls for $ ### mln from investment group"]} +{"id": "gigaword-test-1342", "text": "sunamerica inc. 's mutual fund subsidiary said it hired marketing executive per UNK from fidelity investments .", "summaries": ["sunamerica 's fund group hires per UNK from fidelity"]} +{"id": "gigaword-test-1343", "text": "in an attempt to rise among the leaders in north america 's gold-mining industry , homestake mining co. said monday it had offered $ #.# billion to acquire santa fe pacific gold corp. , exceeding the newmont mining corp. 's rival offer by nearly $ ### million .", "summaries": ["UNK bids $ #.# billion for santa fe pacific gold"]} +{"id": "gigaword-test-1344", "text": "if you 've ever been to woonsocket , r.i. , you would not likely think of it as a high-tech haven .", "summaries": ["tech report : UNK parody screen saver zooms to top of the"]} +{"id": "gigaword-test-1345", "text": "fidelity investments said it hired marketing executive kirk williamson from crosstown rival putnam investments to serve as national sales manager for its bank wholesale group .", "summaries": ["fidelity hires marketing executive kirk williamson from putnam"]} +{"id": "gigaword-test-1346", "text": "george steinbrenner predicted the yankees would sign a major player this week , but the owner declined tuesday to say whether he thought it would be david wells , roger clemens or john wetteland .", "summaries": ["yankees postpone arms race : get stanton"]} +{"id": "gigaword-test-1347", "text": "volvo aero ab , a maker of aircraft engines , said it and daimler-benz aerospace 's mtu UNK will enter a project to coordinate technology and product development on low pressure turbines for civilian aircraft engines .", "summaries": ["volvo aero enters engine turbine project with daimler 's mtu"]} +{"id": "gigaword-test-1348", "text": "attorney general janet reno made her debut wednesday as a barrister at the u.s. supreme court 's mahogany lectern where she argued before the justices on behalf of one of her favorite constituencies _ the cop on the beat .", "summaries": ["attorney general reno makes her debut at u.s. supreme court"]} +{"id": "gigaword-test-1349", "text": "in a broad preview of his second-term plans , president clinton promised wednesday to govern with the same centrist themes he used to win re-election .", "summaries": ["clinton promises a second-term coalition of center"]} +{"id": "gigaword-test-1350", "text": "international business machines corp. won a jury verdict that its keyboards did n't cause a ### operator to suffer hand and wrist injuries .", "summaries": ["ibm wins UNK lawsuit week after dec loss UNK UNK"]} +{"id": "gigaword-test-1351", "text": "how many holiday hits does a new toy company need to become profitable ? usually a lot , said analysts here for a forum on toys at the massachusetts institute of technology .", "summaries": ["toy start-ups wish for holiday hits"]} +{"id": "gigaword-test-1352", "text": "crown cork & seal co. and other companies sold $ #.# billion in debt , helping to snuff a rally in the bond market and leaving u.s. treasury securities little changed .", "summaries": ["u.s. bonds little changed as crown cork & seal sells UNK UNK"]} +{"id": "gigaword-test-1353", "text": "defying critics who want tougher standards , a spokesman for the television industry has vowed to fight any attempt by the government or children 's advocacy groups to impose UNK television ratings .", "summaries": ["motion picture association to fight UNK ratings for tv"]} +{"id": "gigaword-test-1354", "text": "european bonds rose late friday after european minister meeting in dublin reached an agreement to deter members of the proposed single european currency from overspending , a key roadblock point on the road to monetary union .", "summaries": ["european bonds rise as ministers settle stability pact"]} +{"id": "gigaword-test-1355", "text": "recognizing that information technology is the fastest-growing segment of the UNK industry , computer task group is also preparing to provide higher-priced computer consultants .", "summaries": ["UNK : savvy temps"]} +{"id": "gigaword-test-1356", "text": "if you want to buy a faithful companion for the animal lover on your holiday shopping list , here are a few suggestions .", "summaries": ["UNK gift guide : page by page"]} +{"id": "gigaword-test-1357", "text": "tempe , ariz. - while mount boomer erupted last week at cardinals camp , spewing fiery plumes of blame and spreading ashes of innuendo everywhere , kent graham watched from a safe distance .", "summaries": ["graham avoids fueling cards qb controversy"]} +{"id": "gigaword-test-1358", "text": "col. robert e. lee skirted the unleaded gasoline pit , negotiated a thicket of telephone cords stretched as tight as trip wires and took the center of the new york mercantile exchange 's main trading floor just before # p.m. last monday .", "summaries": ["military strategists practice in real battle _ on wall street"]} +{"id": "gigaword-test-1359", "text": "coca-cola co. , the world 's biggest UNK manufacturer , has a ## percent share of china 's carbonated drinks market , the company said , citing two market surveys .", "summaries": ["coca-cola claims ## % share of china 's UNK market"]} +{"id": "gigaword-test-1360", "text": "it was one of the greatest collections of figure-skating talent ever to gather on ice _ and not skate .", "summaries": ["solo but not alone"]} +{"id": "gigaword-test-1361", "text": "subaru of america inc. lost a supreme court fight for tough legal rules to limit expert courtroom testimony , which would have made it easier for companies to fight product-liability and other damage lawsuits .", "summaries": ["court overview : subaru fails to toughen UNK rules"]} +{"id": "gigaword-test-1362", "text": "the yankees lost one and did not gain one monday .", "summaries": ["yankees continue pursuit of wells"]} +{"id": "gigaword-test-1363", "text": "starts of new u.s. housing rebounded sharply in november , government figures showed , as a dip in borrowing costs encouraged hesitant buyers to come back into the market .", "summaries": ["u.s. economy : housing starts jump #.# % in november"]} +{"id": "gigaword-test-1364", "text": "chase manhattan corp. awarded stock options to all ##,### employees , promising a potential windfall of hundreds of millions of dollars to workers if the bank 's shares surge in coming years .", "summaries": ["chase manhattan give stock options to all employees UNK UNK"]} +{"id": "gigaword-test-1365", "text": "christmas week might not seem the best time to open a movie that celebrates a millionaire pornographer as an american folk hero .", "summaries": ["a free speech hero it 's not that simple"]} +{"id": "gigaword-test-1366", "text": "whoever says toys are n't educational has n't been shopping lately .", "summaries": ["think of messages toys send"]} +{"id": "gigaword-test-1367", "text": "the government 's announcement of another large monthly trade deficit tomorrow will draw mostly yawns from many u.s. companies who say the report does n't truly capture the strength of their global operations .", "summaries": ["u.s. economy : trade deficit hides big overseas business"]} +{"id": "gigaword-test-1368", "text": "young said he 's inclined to go along with a sentencing agreement proposed by the government and ferber 's attorneys .", "summaries": ["ferber judge indicates prison term of ## months UNK UNK"]} +{"id": "gigaword-test-1369", "text": "japan 's benchmark nikkei ### index plunged to its lowest point in a year , led by bank and brokerage shares , amid concern the country 's economic recovery could fizzle without further help from the government .", "summaries": ["UNK stocks reach #-year low on economic concern UNK UNK"]} +{"id": "gigaword-test-1370", "text": "general electric co. said it plans to split its stock #-for-# , increase its dividend and buy back more shares because it 's churning out record amounts of cash .", "summaries": ["ge proposes #-for-# stock split raises dividend ## % UNK UNK"]} +{"id": "gigaword-test-1371", "text": "`` my fellow americans , '' a comedy , is rated pg-## for salty language and a sex scene involving teen-agers .", "summaries": ["my fellow americans stumbles into lame grumpy old men shtick"]} +{"id": "gigaword-test-1372", "text": "president clinton plans to round out his selection of a new cabinet on friday with the announcement of his choices for several remaining openings , including that of andrew cuomo , the eldest son of the former new york governor , mario cuomo , as secretary of housing and urban development , administration officials said on thursday .", "summaries": ["cuomo seen as # of # final cabinet selections"]} +{"id": "gigaword-test-1373", "text": "`` my fellow americans '' could have been called `` grumpy old ex-presidents '' _ and probably should have been .", "summaries": ["fellow americans : save your vote"]} +{"id": "gigaword-test-1374", "text": "michael has a lot of problems .", "summaries": ["message to michael : gay life as a sitcom"]} +{"id": "gigaword-test-1375", "text": "q. it happens every year ; my fireplace smokes .", "summaries": ["fireplace smoke : it UNK every winter"]} +{"id": "gigaword-test-1376", "text": "bill UNK , the power behind the riordan throne and a stein ally , said the political climate in los angeles is unlike any he has seen during his long years of watching city politics .", "summaries": ["los angeles : for his challenge"]} +{"id": "gigaword-test-1377", "text": "philippine president fidel ramos , who was hospitalized for the second time in ## days over the weekend , may need heart surgery , his spokesman said .", "summaries": ["philippine president hospitalized may need heart surgery"]} +{"id": "gigaword-test-1378", "text": "is croatia 's autocratic president at death 's door ? or is he , as his aides say , bursting with renewed UNK bounce ? UNK", "summaries": ["UNK for croatia 's tudjman"]} +{"id": "gigaword-test-1379", "text": "boeing 's $ ## billion takeover bid for mcdonnell douglas is the most dramatic step yet in the consolidation of the u.s. military industry .", "summaries": ["make way for the united states of boeing"]} +{"id": "gigaword-test-1380", "text": "it 's here .", "summaries": ["evita too much of a good thing"]} +{"id": "gigaword-test-1381", "text": "federal regulators , moving to reduce the fees local baby bell companies charge to connect long-distance calls , said today they may let the industry bring the charges down gradually without imposing a government timetable .", "summaries": ["u.s. fcc moves to gradually cut long distance access charges"]} +{"id": "gigaword-test-1382", "text": "prime minister benjamin netanyahu and palestinian leader yasser arafat met for more than three hours tuesday and finally appeared to bring the long-awaited agreement on an israeli pullback from hebron within reach .", "summaries": ["mood on hebron is upbeat at netanyahu-arafat talks"]} +{"id": "gigaword-test-1383", "text": "`` fear not : for behold , i bring you good tidings of great joy .", "summaries": ["a century of christian martyrdom"]} +{"id": "gigaword-test-1384", "text": "so your podiatrist inadvertently sliced off your little toe , and you think you 're going to sue .", "summaries": ["arizona gop bills revisit tort territory ; suits would be snarled"]} +{"id": "gigaword-test-1385", "text": "after all the frenzy , the lights and traffic , the noise and bustle , frayed nerves , the nearly insane gold rush to find tickle me elmo , after all the frenetic life that makes serious people seriously question christmas as we know it , the UNK family find the moment they have been looking forward to all season .", "summaries": ["a jingle bell ski"]} +{"id": "gigaword-test-1386", "text": "gladys UNK is in the hallway , waiting for her date with destiny .", "summaries": ["when UNK wags its tail"]} +{"id": "gigaword-test-1387", "text": "the south african reserve bank will likely reduce its key lending rate at least twice in #### as growth slows , analysts said .", "summaries": ["south african central bank may cut rates twice : outlook '##"]} +{"id": "gigaword-test-1388", "text": "the new york times said in an editorial on friday , dec. ## : UNK", "summaries": ["editorial : prying open the phone market"]} +{"id": "gigaword-test-1389", "text": "it was hot in the summer of #### , too hot for hogs to maintain their normal conception rates , according to the nation 's hog farmers .", "summaries": ["usda seeks accuracy with hog and pig count : commodity views"]} +{"id": "gigaword-test-1390", "text": "when he awoke friday morning and looked at the sky , arizona state football coach bruce snyder had a decision to make : should he be macho or smart ? UNK", "summaries": ["rain sends sun devils to ballroom"]} +{"id": "gigaword-test-1391", "text": "turmoil at the top often means bad news for an entire professional sports organization , but there 's one team that was glad to see a shakeup upstairs .", "summaries": ["UNK keen on blues coaching move"]} +{"id": "gigaword-test-1392", "text": "walter cronkite is a colorless sort of UNK superstar , not as good looking as tom brokaw or as polished as peter jennings or as edgy as dan rather .", "summaries": ["a reporter 's life : walter cronkite _ UNK but readable"]} +{"id": "gigaword-test-1393", "text": "seattle at the turn of the century had a master plan for boulevards , parks and waterways .", "summaries": ["portland : has been lost"]} +{"id": "gigaword-test-1394", "text": "UNK", "summaries": ["aegon to buy providian 's insurance arm for $ #.# bln UNK UNK"]} +{"id": "gigaword-test-1395", "text": "UNK marshall 's christmas wish was starkly simple .", "summaries": ["a wonderful gift"]} +{"id": "gigaword-test-1396", "text": "UNK , ohio .", "summaries": ["commentary : public displays of what"]} +{"id": "gigaword-test-1397", "text": "for a week , you have eyed that five-pound box of cheap cookies that a business associate sent over .", "summaries": ["leftovers start over thanks to food pros"]} +{"id": "gigaword-test-1398", "text": "the arrest of a german couple at the airport in bogota after they secured the release of a woman kidnapped by leftist guerrillas has provoked diplomatic tensions between colombia and germany .", "summaries": ["UNK tale in bogota has german accent"]} +{"id": "gigaword-test-1399", "text": "one private-school mother who lives on fifth avenue and spends weekends in millbrook , n.y. , amid a colony of fox-hunting types , said she was the target of parents who , she suspects , seek social advantage .", "summaries": ["new york : she said"]} +{"id": "gigaword-test-1400", "text": "in life 's rich pageant , few spectacles are as dizzying as watching congress spend the public 's treasure .", "summaries": ["grand old spending party"]} +{"id": "gigaword-test-1401", "text": "left-hander mike munoz will not be on the rangers ' postseason roster unless he displays a dramatic improvement in his ability to field his position .", "summaries": ["munoz could be left off rangers postseason roster"]} +{"id": "gigaword-test-1402", "text": "nonfiction UNK", "summaries": ["UNK : martha 's vineyard"]} +{"id": "gigaword-test-1403", "text": "in this newly independent and remote nation , where people 's lives are shaped by breathtaking mountains , swift horses and forbidding glaciers , a hunter and yak herder named UNK UNK perfectly embodies the collective spirit .", "summaries": ["horse sense in kyrgyzstan"]} +{"id": "gigaword-test-1404", "text": "what is the difference between a policy that promises to cover ### percent of americans for medical costs and a policy that covers ## percent of them ? about #,### pages .", "summaries": ["commentary : in describing health care plans less is more"]} +{"id": "gigaword-test-1405", "text": "the sale of sprint corp. casts a huge shadow over one of the largest commercial construction projects in the united states .", "summaries": ["mci plans to buy sprint cast doubt sprint construction in overland"]} +{"id": "gigaword-test-1406", "text": "these columns for release thursday , october # , #### are moving today to clients of the new york times news service .", "summaries": ["cox news service commentary budget"]} +{"id": "gigaword-test-1407", "text": "over the last two decades , countries in northern europe and north america have been enacting regulations to reduce smokestack emissions of sulfur in an effort to curb acid rain and its harmful effect on the environment .", "summaries": ["scientists report limited progress on curbing effects of acid"]} +{"id": "gigaword-test-1408", "text": "los angeles might have lost its bid for an expansion team to houston on wednesday , but fans who like to watch football and the tv networks were winners .", "summaries": ["no l.a. team good for tv viewers"]} +{"id": "gigaword-test-1409", "text": "general electric co. will invest up to $ ### million to clean up pcb contamination caused by its old transformer plant in pittsfield , mass. under a consent decree filed thursday in us district court that ends years of wrangling over the company 's duty to restore the housatonic river and other polluted areas .", "summaries": ["ge to spend $ ###m to clean up pcbs in UNK"]} +{"id": "gigaword-test-1410", "text": "the good news came the other day in the form of a phone call .", "summaries": ["UNK : printing the good news"]} +{"id": "gigaword-test-1411", "text": "`` rising interest rates are bad news for banks .", "summaries": ["bank stocks and the jinx of fed credit tightening"]} +{"id": "gigaword-test-1412", "text": "find many gaps UNK", "summaries": ["supporters say bush 's record rosy ; critics"]} +{"id": "gigaword-test-1413", "text": "one hundred pitches .", "summaries": ["loaiza made one mistake that hurt"]} +{"id": "gigaword-test-1414", "text": "do you think your toddler or preschooler is living on thin air ? has mealtime become a battle of wills ? how many of these admonitions are familiar to you ? UNK", "summaries": ["UNK health : when good intentions backfire and create food"]} +{"id": "gigaword-test-1415", "text": "the blueprint for beating the new england patriots has been drawn and future opponents surely will try to follow it .", "summaries": ["chiefs revealed patriots weaknesses"]} +{"id": "gigaword-test-1416", "text": "state farm mutual automobile insurance co. may need to buy more insurance for itself , to cover such disasters as the one that heavily damaged this illinois-based company last week .", "summaries": ["getting what they paid for"]} +{"id": "gigaword-test-1417", "text": "seeking to avoid future shortages of screens that have slowed sales of notebook computers this year , dell computer corp. has signed a five-year , $ #.# billion agreement with samsung electronics ltd. for millions of displays beginning next year .", "summaries": ["samsung dell sign deal on screens"]} +{"id": "gigaword-test-1418", "text": "`` in our culture , having a lot of women is a kind of status , '' said milka UNK , the hiv\\/aids coordinator at UNK hospital in UNK , namibia .", "summaries": ["johannesburg : ... replaced them"]} +{"id": "gigaword-test-1419", "text": "the divorce is final .", "summaries": ["delta ends alliance with swissair to concentrate on air france"]} +{"id": "gigaword-test-1420", "text": "with deadlines for college applications looming and a UNK on procrastination , jacqueline lerner of wayland was getting nervous .", "summaries": ["easing stress when children UNK to colleges"]} +{"id": "gigaword-test-1421", "text": "in addition , forecasts , even when they are right , are no longer enough for most clients .", "summaries": ["new york : specific markets"]} +{"id": "gigaword-test-1422", "text": "already the october gales have powdered the high country with snow , already taken the edge off the colors that swell in the valleys below the hilltops .", "summaries": ["the season of the hunt"]} +{"id": "gigaword-test-1423", "text": "UNK", "summaries": ["how a company lets its cash talk"]} +{"id": "gigaword-test-1424", "text": "update : scored seven goals and three assists in kings ' first five games , all on the road .", "summaries": ["faceoff with kings UNK"]} +{"id": "gigaword-test-1425", "text": "when gov. george w. bush of texas swept into washington on friday , his first stop was not an affluent suburb or a ritzy business district , nor were his first encounters with stalwart republican voters .", "summaries": ["in an unusual republican tactic bush woos minority voters"]} +{"id": "gigaword-test-1426", "text": "when it comes to personal finance software , mac users do n't have much choice .", "summaries": ["quicken upgrade a bit buggy"]} +{"id": "gigaword-test-1427", "text": "robert ray , a career federal prosecutor , was sworn in on monday to replace the independent counsel , kenneth starr , and he vowed to complete starr 's five-year-old , $ ##-million criminal inquiry of president clinton and hillary rodham clinton in a `` prompt , responsible and cost-effective manner .", "summaries": ["new independent counsel vows to conclude inquiry of president"]} +{"id": "gigaword-test-1428", "text": "at st. UNK , UNK was originally called in to try to repair an instrument installed in the late ##th century by francois-henri clicquot -lrb- a distant relative by marriage of the champagne widow clicquot -rrb- .", "summaries": ["paris : UNK sound"]} +{"id": "gigaword-test-1429", "text": "nope , it 's just the same old stuff .", "summaries": ["every little thing sting does is no longer magic"]} +{"id": "gigaword-test-1430", "text": "brian shaw 's offseason has been dizzying to say the least .", "summaries": ["lakers add guard depth sign shaw"]} +{"id": "gigaword-test-1431", "text": "confession time .", "summaries": ["looking back pope paul vi was right on contraception"]} +{"id": "gigaword-test-1432", "text": "it blew up fast .", "summaries": ["in postseason nobody better than rivera"]} +{"id": "gigaword-test-1433", "text": "does the white house or congress have the right to send american troops into battle ? UNK", "summaries": ["house members challenge clinton 's authority to bomb yugoslavia"]} +{"id": "gigaword-test-1434", "text": "eight-year-old gary bass died at a hospital early friday , two days after police found him and his brother , both emaciated and burned , inside their northeast kansas city home .", "summaries": ["UNK second triplet in abuse case dies"]} +{"id": "gigaword-test-1435", "text": "rankings reflect sales for the week ending oct. ## , at almost #,### bookstores plus wholesalers serving ##,### other retailers -lrb- gift shops , department stores , newsstands , supermarkets -rrb- , statistically weighted to represent all such outlets nationwide .", "summaries": ["best sellers : UNK books"]} +{"id": "gigaword-test-1436", "text": "the thinking behind braves manager bobby cox 's decision to shake up his lineup was that perhaps inserting the left-handed hitters ozzie guillen , hitting .### in the post-season , and keith lockhart , hitting .### , would kick-start a moribund offense _ that had managed just one hit off the game # starter orlando hernandez _ against the right-hander david cone , the game # starter .", "summaries": ["atlanta 's lineup changes do n't work in the field or at the plate"]} +{"id": "gigaword-test-1437", "text": "in `` american beauty , '' kevin spacey 's dissatisfied suburban husband lester burnham UNK his ambitious wife , carolyn -lrb- annette bening -rrb- , for her materialism .", "summaries": ["movies put materialism in focus"]} +{"id": "gigaword-test-1438", "text": "tom glavine is the first in the last line of defense for the atlanta braves in this world series , and over the past two days , his manager asked the pitcher repeatedly if he has had enough time to recover from a stomach virus , if he would be ready to pitch in game # tuesday night .", "summaries": ["it 's up to a queasy glavine to stop the yankees"]} +{"id": "gigaword-test-1439", "text": "these sports stories for release wednesday , october ## , #### , are moving today to clients of the new york times news service .", "summaries": ["cox news service sports budget"]} +{"id": "gigaword-test-1440", "text": "having trouble finding a particular item ? we 'll try to help you locate it .", "summaries": ["where to get hard to find items"]} +{"id": "gigaword-test-1441", "text": "major-league baseball in the ####s came to a fitting end wednesday night , with the rich getting richer and the poor braves showing the form that made them a team of heartbreak in the world series .", "summaries": ["final game of decade tells the story of the '##s"]} +{"id": "gigaword-test-1442", "text": "four men sit at a table playing cards .", "summaries": ["wedding black professionals relationships"]} +{"id": "gigaword-test-1443", "text": "lewis said koop 's testimony in march was still being cited in state legislatures as reasons to delay action on the gloves , even though `` it was based on a study that was never done .", "summaries": ["UNK : the glove company"]} +{"id": "gigaword-test-1444", "text": "eds : embargoed for sunday , oct. ## UNK", "summaries": ["nea program has design on community"]} +{"id": "gigaword-test-1445", "text": "back in the ####s , when the united states had prohibition , quite a few canadians grew rich running booze over the border to UNK their neighbors .", "summaries": ["UNK madness : british columbia goes to pot"]} +{"id": "gigaword-test-1446", "text": "you know the pose , clipper fans .", "summaries": ["odom making impression"]} +{"id": "gigaword-test-1447", "text": "in each city the angels visit , manager terry collins hears the same questions from reporters .", "summaries": ["angels feast on east"]} +{"id": "gigaword-test-1448", "text": "were you ever at the mall and could n't remember where you parked the car ? gotten home from the market and realized you forgot the milk ? and your daughter 's anniversary has never slipped your mind ... until this year .", "summaries": ["how humans can upgrade memory"]} +{"id": "gigaword-test-1449", "text": "in their private moments , coaches dream of what it would be like to have the perfect player at every position _ one who meets or exceeds all of the physical and mental standards to excel , without flaw or weakness .", "summaries": ["college dream team : south boasts a bevy of precious players"]} +{"id": "gigaword-test-1450", "text": "i 've been expecting grocery stores to start selling computers in the checkout line any day now .", "summaries": ["UNK pcs intriguing but you probably wo n't purchase one"]} +{"id": "gigaword-test-1451", "text": "seattle made an unusual choice three years ago when it tapped john henry stanford as superintendent of public schools .", "summaries": ["ex-general fights for schools and for his life"]} +{"id": "gigaword-test-1452", "text": "in various languages around the world , there they are : levi strauss jeans in bright UNK blue , UNK and UNK , stiff as boards and already cuffed , appearing in tv commercials with a promise that if you fall the rock-hard denim wo n't UNK as soon as your knee will .", "summaries": ["UNK consumers confront UNK that hurt"]} +{"id": "gigaword-test-1453", "text": "it was the high-tech vision that was supposed to make the dream in dreamworks come true , the first newly built hollywood studio in nearly ## years , nestled in a #,###-acre tract amid the coastal wetlands where howard hughes built his giant seaplane , the spruce goose .", "summaries": ["new hollywood studio wrangles over project"]} +{"id": "gigaword-test-1454", "text": "an e-mail sent to paul harris , a member of the virginia house of delegates , elicits an automatic response : `` i will be out of the office from UNK until UNK .", "summaries": ["memo to legislators : your presence is not required"]} +{"id": "gigaword-test-1455", "text": "as a result of all these efforts , the number of visitors grew to #.# million in #### , from fewer than #.# million in #### _ a ### percent increase during a time when total u.s. tourism grew about ## percent .", "summaries": ["corpus christi texas : and expanded"]} +{"id": "gigaword-test-1456", "text": "more than three months after huge riots swept the city , the back lanes of UNK , jakarta 's chinatown , are still strewn with ash and bricks and bits of broken glass .", "summaries": ["ethnic chinese in indonesia still fearful"]} +{"id": "gigaword-test-1457", "text": "after a month of hot and heavy flirting about a prospective merger , last monday was going to be the day that cks group and UNK finally got serious and set the price .", "summaries": ["technology start-ups suffer market jitters"]} +{"id": "gigaword-test-1458", "text": "after five months of upheaval and disarray , the dodgers already might have their first disaster for the #### season .", "summaries": ["after loss mondesi makes demand"]} +{"id": "gigaword-test-1459", "text": "the weather was cool during georgia tech 's football practice monday , but coach george o'leary was hot and sweaty after the workout .", "summaries": ["o'leary gets defensive after loss to bc"]} +{"id": "gigaword-test-1460", "text": "UNK etlis and three friends traveled from argentina to new york for a quick getaway .", "summaries": ["commentary : over a bridge the real life of nueva york"]} +{"id": "gigaword-test-1461", "text": "it all started innocently enough , with a dozen UNK containers of dried herbs and spices in a plastic carousel .", "summaries": ["how to make the most of savory UNK without letting them"]} +{"id": "gigaword-test-1462", "text": "it was a day for fifth-graders to learn how not to be fourth-graders , for a beginning elementary teacher to chase away butterflies in the stomach and face ## #-year-olds , for the mayor and schools chancellor to go back to school and read to second-graders , and for a group of high school students to marvel at their brand-new building .", "summaries": ["new york schools breeze through opening day"]} +{"id": "gigaword-test-1463", "text": "bonnie UNK hops out of bed not long after some people are turning off letterman .", "summaries": ["mother teacher UNK as an elite triathlete"]} +{"id": "gigaword-test-1464", "text": "after warning investors in recent weeks that earnings would be hurt by economic turmoil in asia and other markets , two giants of the semiconductor industry offered slightly more upbeat announcements thursday suggesting an improved outlook .", "summaries": ["national semiconductor 's loss is smaller than expected"]} +{"id": "gigaword-test-1465", "text": "every once in a while a book comes along that transforms a national debate , and i 'm not talking about special prosecutor kenneth starr 's report to congress .", "summaries": ["proving the merits of affirmative action"]} +{"id": "gigaword-test-1466", "text": "for these reasons , the impeachment process must be painstaking and deliberate .", "summaries": ["washington : elected him"]} +{"id": "gigaword-test-1467", "text": "the goal seems as unreachable as the peaks that grace the central utah terrain , but arizona state coach bruce snyder has not allowed his team to let go of its original dream : reaching the national championship game .", "summaries": ["asu turns focus to byu"]} +{"id": "gigaword-test-1468", "text": "goalkeepers are not directly involved in most of the action in soccer , especially on successful teams .", "summaries": ["revolution keep playoff hopes afloat"]} +{"id": "gigaword-test-1469", "text": "the new u.s. open singles champion said she walked into her hotel room late saturday afternoon and found the message light bright as rudolph 's nose .", "summaries": ["davenport 's u.s. open title fills void in women 's tennis"]} +{"id": "gigaword-test-1470", "text": "these sports stories for release tuesday , september ## , #### , are moving today to clients of the new york times news service .", "summaries": ["cox news service tuesday sports budget"]} +{"id": "gigaword-test-1471", "text": "the graphic software publisher quark inc. on monday dropped its quirky bid to acquire rival adobe systems inc. , saying adobe had spurned its advances and that it did not want to pursue a hostile deal .", "summaries": ["quark quits its quest for adobe systems"]} +{"id": "gigaword-test-1472", "text": "larry mcmurtry .", "summaries": ["a preview of what could be the best fall in years"]} +{"id": "gigaword-test-1473", "text": "singapore airline and delta air lines announced two differing strategies to upgrade their long-haul in-flight service for business travelers .", "summaries": ["business travel : competing strategies ; crowded skies"]} +{"id": "gigaword-test-1474", "text": "UNK free art ! UNK UNK", "summaries": ["the mature traveler :"]} +{"id": "gigaword-test-1475", "text": "a former fbi agent said wednesday he will not willingly turn over to federal officials documents he retrieved from james earl ray 's car ## years ago .", "summaries": ["justice ex-fbi agent at odds over king clue"]} +{"id": "gigaword-test-1476", "text": "fall zombies and ghosts UNK", "summaries": ["home video ; UNK videos this fall ; other new releases"]} +{"id": "gigaword-test-1477", "text": "this year a community group donated money for her school fees , a school uniform and shoes .", "summaries": ["lusaka zambia : ragged clothes"]} +{"id": "gigaword-test-1478", "text": "the day that kenneth starr dumped his report on congress , the governor of texas sat in his office , striving valiantly to keep the conversation on his re-election race .", "summaries": ["george bush counters the UNK"]} +{"id": "gigaword-test-1479", "text": "that age-old question _ if a heavyweight title bout is held with only one fighter 's name on the marquee , will anybody care ? _ just might be answered tonight in the georgia dome .", "summaries": ["for holyfield location is everything"]} +{"id": "gigaword-test-1480", "text": "two recent football books do something that most books of their type do n't : paint a realistic portrait of what happens in the lives of the people who make up professional football .", "summaries": ["tough inside looks at the nfl"]} +{"id": "gigaword-test-1481", "text": "it is no longer a question of greatness ; skip away demonstrated again saturday that he is great .", "summaries": ["skip away runs away in woodward"]} +{"id": "gigaword-test-1482", "text": "manager terry collins got angry last week when he thought his angels overlooked the tampa bay devil rays before heading into their series with the texas rangers .", "summaries": ["angels set the stage with victory"]} +{"id": "gigaword-test-1483", "text": "about ##,### years ago , people living in what is now southern peru camped on the pacific shore and feasted on fish , seabirds and shellfish .", "summaries": ["in peru evidence of an early human maritime culture"]} +{"id": "gigaword-test-1484", "text": "to western eyes , it may seem odd that #,### girls who are here to be sternly lectured about virginity are also heavily pressured to strip off almost every stitch of their clothing .", "summaries": ["zulu virgins celebrate their bodies themselves"]} +{"id": "gigaword-test-1485", "text": "president clinton may or may not escape impeachment , but the path to high office has been drastically changed by his ordeal .", "summaries": ["analysis : impeachment fever may infect presidential campaigns"]} +{"id": "gigaword-test-1486", "text": "the indonesian government has questioned former president suharto about his personal wealth and accusations that he had billions of dollars in overseas bank accounts , officials said on tuesday .", "summaries": ["suharto wealth under inquiry"]} +{"id": "gigaword-test-1487", "text": "UNK free art ! UNK UNK", "summaries": ["shopping around"]} +{"id": "gigaword-test-1488", "text": "i sat in my thatched hut , watching a mosquito circle the lone light bulb and trying to motivate myself to take a shower .", "summaries": ["missing the comforts of home"]} +{"id": "gigaword-test-1489", "text": "a dark and stormy night .", "summaries": ["killer cuisines"]} +{"id": "gigaword-test-1490", "text": "nearly ### regional artists will converge on the chattanooga riverfront next weekend for the third annual celebration of fine craft .", "summaries": ["crafty times in chattanooga"]} +{"id": "gigaword-test-1491", "text": "as the death toll from hurricane georges 's rampage through the caribbean rose to nearly ### , the storm crossed cuba thursday , turned northward and took aim at southern florida , where ###,### people were advised to evacuate mobile homes and low-lying coastal areas .", "summaries": ["graf to UNK number of florida counties receiving hurricane"]} +{"id": "gigaword-test-1492", "text": "with the world 's financial system in turmoil , it makes a certain amount of sense that financial stocks , especially those of banks and brokerage firms , have been pounded .", "summaries": ["bank stocks : battered yes but not to be forgotten"]} +{"id": "gigaword-test-1493", "text": "in a remarkable bit of long-distance theater , sammy sosa and mark mcgwire exchanged home runs ## minutes apart friday night , enhancing a home run duel that had already captivated the attention of fans and UNK everywhere .", "summaries": ["homers ## and ## are minutes UNK"]} +{"id": "gigaword-test-1494", "text": "one play , one pitch to deangelo evans was all bobby newcombe was wishing for against the washington huskies saturday .", "summaries": ["nebraska beats washington ##-#"]} +{"id": "gigaword-test-1495", "text": "bernie williams came into the season fearful that his impending free agency might be a distraction .", "summaries": ["batting title for williams with free agency ahead"]} +{"id": "gigaword-test-1496", "text": "seemingly harmless surveys , contests and electronic pen pal web sites are sometimes cleverly disguised tools directed at youngsters to obtain marketing data , children 's rights advocates charge .", "summaries": ["congress considers regulating children 's marketing on world"]} +{"id": "gigaword-test-1497", "text": "members of the house judiciary committee signaled monday that the impeachment process would kick into high gear almost immediately once the house votes to begin the formal impeachment inquiry of president clinton .", "summaries": ["hearings on clinton could be in october"]} +{"id": "gigaword-test-1498", "text": "students who spend too much time trying to learn their lessons at computers may end up with lower scores on tests , according to a study released tuesday .", "summaries": ["study says computers may hinder student performance"]} +{"id": "gigaword-test-1499", "text": "what do you think of bernie williams ? is the yankee center fielder underrated ? should he be included on the list of great players who have worn pinstripes ? UNK", "summaries": ["prime time for bernie williams"]} +{"id": "gigaword-test-1500", "text": "wareham , mass. _ a part of the massachusetts landscape since colonial times , the business of growing cranberries has in some ways changed very little since then .", "summaries": ["firm finds niche in UNK data for cranberry growers"]} +{"id": "gigaword-test-1501", "text": "thirteen israeli soldiers and ## palestinian passers-by were wounded wednesday when a palestinian hurled grenades at an israeli patrol post in the heart of the divided city of hebron , a flash point for violent confrontations .", "summaries": ["grenade attack in hebron wounds two dozen"]} +{"id": "gigaword-test-1502", "text": "edmund p. pillsbury , a distinguished american museum director known for adding a string of european masterworks to the permanent collection of the kimbell art museum in fort worth , died on thursday near dallas .", "summaries": ["edmund pillsbury kimbell museum director dies at ##"]} +{"id": "gigaword-test-1503", "text": "prime minister vladimir putin of russia visited venezuela on friday to sign a series of military and oil agreements with president hugo chavez , who is seeking to expand ties with russia as a way of countering the influence of the united states in latin america .", "summaries": ["putin visits venezuela to sign series of deals"]} +{"id": "gigaword-test-1504", "text": "the legend of brittney UNK is just beginning .", "summaries": ["uconn teeters in semifinal but it s baylor that falls"]} +{"id": "gigaword-test-1505", "text": "los angeles could run out of cash by june ## following the department of water and power 's decision to withhold its final annual transfer of $ ##.# million to the city 's general fund , the city controller warned monday .", "summaries": ["los angeles controller says city could go broke by june ## without money from dwp by rick UNK"]} +{"id": "gigaword-test-1506", "text": "sometimes , the best coaching tactic is a desperate plea to a team 's best player .", "summaries": ["connecticut UNK second straight title"]} +{"id": "gigaword-test-1507", "text": "mixing judgment and UNK against bullies grows as the public gains a higher awareness of the injuries , both physical and psychological , suffered by young victims .", "summaries": ["mixing judgment and restraint UNK for use the boston globe sexual misconduct at # years old"]} +{"id": "gigaword-test-1508", "text": "the harlem school of the arts , celebrated for equipping local children with skills in everything from dance to classical music , had for decades been a favorite of the city 's most charitable donors .", "summaries": ["tax files show harlem art school s path to ruin"]} +{"id": "gigaword-test-1509", "text": "when it comes to health care , mitt romney is hoping to have it both ways , even as he accuses the white house of doing the same .", "summaries": ["romney on health care : a particular spin"]} +{"id": "gigaword-test-1510", "text": "it is the year of the big man in the nfl draft .", "summaries": ["advance for sunday UNK ## the top ### players in #### nfl draft"]} +{"id": "gigaword-test-1511", "text": "st. clair UNK was one of the interesting group of drunks that harold ross gathered around him at the new yorker .", "summaries": ["st. clair UNK and the new yorker"]} +{"id": "gigaword-test-1512", "text": "they rose gracefully from a wildflower meadow , two windswept UNK that towered over the spectacular tidal marshes of plum island .", "summaries": ["torn UNK : plum island juniper duo now just a lone tree"]} +{"id": "gigaword-test-1513", "text": "cape district attorney scrutinized by grand jury UNK", "summaries": ["grand jury scrutinizes UNK da"]} +{"id": "gigaword-test-1514", "text": "by ##:## a.m. saturday , less than three hours after president lech kaczynski 's plane had crashed in russia , killing all ## people on board , one opportunistic pole had already manufactured ## t-shirts emblazoned with the polish flag and `` rip '' and was peddling them on the internet for $ #.## each , tax and delivery fees not included .", "summaries": ["vendors turn poland s calamity into an opportunity"]} +{"id": "gigaword-test-1515", "text": "on tuesday , mitch mcconnell , the senate minority leader , called for the abolition of municipal fire departments .", "summaries": ["commentary : the fire next time"]} +{"id": "gigaword-test-1516", "text": "two dozen fourth-graders from the chapin school , all in regulation green vests that were dotted with badges , popped up from their chairs to recite the pledge of allegiance and the girl scout promise : `` on my honor ... '' UNK", "summaries": ["girls in new york s private schools ask thin mints or samoas"]} +{"id": "gigaword-test-1517", "text": "UNK tallahassee bureau UNK", "summaries": ["crist basks in admiration as he campaigns on veto"]} +{"id": "gigaword-test-1518", "text": "questions should be directed to alan gordon at ###-###-#### or e-mail UNK .", "summaries": ["cox UNK budget for tuesday UNK ##"]} +{"id": "gigaword-test-1519", "text": "san francisco -- the first earth day on april ## , #### , was , by all accounts , the beginning of a powerful grassroots movement , helped immeasurably by a famous tv commercial that premiered on earth day #### of an indian shedding a tear as he saw pollution all around him .", "summaries": ["earth day activism marks ## years"]} +{"id": "gigaword-test-1520", "text": "the first-round playoff series last year between the boston celtics and the chicago bulls was a memorable montage of overtimes and clutch shots .", "summaries": ["fouling with #-point lead : debated but rarely done"]} +{"id": "gigaword-test-1521", "text": "jean UNK , a prominent chef who opened le cirque , one of new york city 's premier restaurants , with UNK UNK in #### , died UNK his home in west palm beach , fla. .", "summaries": ["jean UNK ## ; helped open le cirque"]} +{"id": "gigaword-test-1522", "text": "dr. osborn UNK , a diabetes physician who works north of nairobi , has a chilling story to tell about a man who came into a clinic in rural kenya .", "summaries": ["the chronic disease dilemma copenhagen"]} +{"id": "gigaword-test-1523", "text": "a tornado described by one mississippi official as the worst in the area in decades swept through the state on saturday , leaving at least ## people dead in its path .", "summaries": ["fierce tornado causes deaths across mississippi"]} +{"id": "gigaword-test-1524", "text": "confidence in greek assets sank to a new low monday , as chancellor angela merkel of germany kept up the pressure on greece , insisting on tougher austerity measures .", "summaries": ["confidence in greek debt sinks again matthew saltmarsh reported from paris"]} +{"id": "gigaword-test-1525", "text": "i like to look in people 's windows .", "summaries": ["life #.# : confessions of a peeping UNK"]} +{"id": "gigaword-test-1526", "text": "in the weeks before he died , bedridden from fighting a losing battle with cancer , former lapd chief daryl f. gates was visited by an lapd helicopter hovering outside his hospital window .", "summaries": ["longtime los angeles police chief daryl gates eulogized as america s chief"]} +{"id": "gigaword-test-1527", "text": "st. petersburg with dioner navarro ready to go back behind the plate , the rays added another pitcher to their bullpen by calling up veteran rhp joaquin benoit .", "summaries": ["benoit called up to fortify bullpen"]} +{"id": "gigaword-test-1528", "text": "for much of this decade , the fates of palm and motorola were intertwined .", "summaries": ["how the UNK of motorola and palm grew UNK"]} +{"id": "gigaword-test-1529", "text": "sen. barack obama is a man of few rhetorical stumbles , but this week a few of his words opened a racial door his campaign would prefer not to step through .", "summaries": ["with genie out of the bottle obama treads carefully on race"]} +{"id": "gigaword-test-1530", "text": "recording tv shows -- and skipping the commercials that come with them -- may become more pervasive in the wake of a new court ruling that blesses a new networked form of digital video recorder .", "summaries": ["a ruling may pave the way for broader use of dvr"]} +{"id": "gigaword-test-1531", "text": "this city is in the throes of olympic fever .", "summaries": ["as UNK pile up olympic pride dims a bit for beijingers"]} +{"id": "gigaword-test-1532", "text": "fannie mae , the nation 's largest mortgage finance company , offered additional evidence on friday that the housing slump was deepening by reporting a $ #.# billion loss in the second quarter .", "summaries": ["fannie mae reports a $ #.# billion loss"]} +{"id": "gigaword-test-1533", "text": "an obscure militant group that threatened attacks on the olympic games last week is the same group that chinese officials have labeled the leading terrorist organization involved in a separatist movement in western china , according to an american organization that tracks terrorist internet postings .", "summaries": ["warning of attacks on olympics is said to be linked to muslim separatists"]} +{"id": "gigaword-test-1534", "text": "fidel castro turns ## on wednesday as brother raul tackles a monumental challenge : keeping the revolution alive despite a widening generation gap .", "summaries": ["life after fidel : UNK rising prices prevalent in cuba but rebellion is scarce"]} +{"id": "gigaword-test-1535", "text": "jason lezak 's stupefying anchor leg at the water cube helped propel nbc to the largest audience ever recorded for the first sunday of any olympic games broadcast .", "summaries": ["initial olympics tv ratings are record breaking"]} +{"id": "gigaword-test-1536", "text": "lake buena vista greg white might not win the job as the bucs ' starting left defensive end .", "summaries": ["next goal starts for a start"]} +{"id": "gigaword-test-1537", "text": "did you realize the chinese communist party was that much into cute ? UNK", "summaries": ["commentary : i m UNK in beijing"]} +{"id": "gigaword-test-1538", "text": "a day after a lone gunman fatally shot the chairman of the arkansas democratic party at its headquarters in little rock , investigators found evidence on thursday that the suspect may have been thinking about his victim in advance , although they were unable to determine why .", "summaries": ["a link but no motive in killing of politician"]} +{"id": "gigaword-test-1539", "text": "becky hammon is n't here to wave a flag , or pledge allegiance .", "summaries": ["sports column : hammon looking for a little personal glasnost"]} +{"id": "gigaword-test-1540", "text": "almost everything i was told about running in beijing was wrong .", "summaries": ["an artful jogger in beijing"]} +{"id": "gigaword-test-1541", "text": "the night of the gun , by david carr .", "summaries": ["new and recommended the boston globe"]} +{"id": "gigaword-test-1542", "text": "more than ## hours had passed since usain bolt 's redefining of the ### meters , and ato boldon , the voluble trinidadian who used to run the ### for a good living , was still trying to comprehend what he had seen .", "summaries": ["sprinters marvel at bolt"]} +{"id": "gigaword-test-1543", "text": "seattle -- for years , the standard treatment for patients with blood clots in veins deep in a limb has been blood thinners that stop the clots from getting bigger .", "summaries": ["UNK uses sound waves to speed UNK UNK uses sound waves to speed treatment"]} +{"id": "gigaword-test-1544", "text": "the margin of victory seemed almost impossible , his finishing time a UNK moment .", "summaries": ["unstoppable bolt a UNK record"]} +{"id": "gigaword-test-1545", "text": "alas , poor dana , we knew him well .", "summaries": ["melancholy dana in hamlet # catches laughs but few breaks"]} +{"id": "gigaword-test-1546", "text": "one of china 's top sports officials said sunday that a simple paperwork error was to blame for an age controversy involving the chinese women 's gymnastics team .", "summaries": ["chinese official blames age issue on UNK errors"]} +{"id": "gigaword-test-1547", "text": "for most shoppers , it 's second nature to punch in a personal identification number when using a debit card to pay for a purchase .", "summaries": ["john c. UNK ## ; pioneer in credit industry"]} +{"id": "gigaword-test-1548", "text": "peace now , the israeli advocacy group , said in a report released tuesday that in the past year israel has nearly doubled its settlement construction in the occupied west bank in violation of its obligations under an american-backed peace plan .", "summaries": ["israeli group reports sharp increase in settlement activity"]} +{"id": "gigaword-test-1549", "text": "the caucus : UNK .# 's non grata UNK", "summaries": ["convention notes and news"]} +{"id": "gigaword-test-1550", "text": "the dalai lama is exhausted .", "summaries": ["dalai lama citing exhaustion cancels trips"]} +{"id": "gigaword-test-1551", "text": "they are a staple of UNK hotlines and web sites : anguished tales about money stolen electronically from bank accounts , about unhelpful bank tellers and , finally , about UNK losses .", "summaries": ["even the wealthy face problems of unauthorized bank transfers"]} +{"id": "gigaword-test-1552", "text": "curlin got the job done on saturday , adding a grade i win in saratoga to his long and impressive list of accomplishments .", "summaries": ["curlin edges long shot to win the woodward"]} +{"id": "gigaword-test-1553", "text": "the network news anchors , katie couric , charles gibson and brian williams , were diverted from here on sunday , and with them went sen. john mccain 's chance to command the national stage for four nights before a huge television audience .", "summaries": ["tv cameras turn from gop to storm"]} +{"id": "gigaword-test-1554", "text": "toronto - the eyes are hidden .", "summaries": ["murphy 's law : seek diversity"]} +{"id": "gigaword-test-1555", "text": "the supreme court late wednesday granted the bush administration 's request to transfer the terrorism suspect jose padilla from military to civilian custody , ending an odd two-week standoff over where he should be held while the justices decide whether to hear his case .", "summaries": ["high court allows transfer of padilla to civilian prison"]} +{"id": "gigaword-test-1556", "text": "it 's the raucous , not the meek , who are inheriting the earth in nbc 's prime-time provocation , `` the book of daniel , '' which has its premiere friday night .", "summaries": ["daniel : plenty of behavior worthy of a prayer session"]} +{"id": "gigaword-test-1557", "text": "colin l. powell said nothing -- a silence that spoke volumes to many in the white house on thursday morning .", "summaries": ["in meeting with former officials bush defends iraq policy"]} +{"id": "gigaword-test-1558", "text": "yao wenyuan , the last surviving member of china 's notorious gang of four , the powerful group that was blamed for many of the excesses of the cultural revolution , died dec. ## , according to the official new china news agency .", "summaries": ["yao UNK ## member of gang of #"]} +{"id": "gigaword-test-1559", "text": "the sudden political disappearance of prime minister ariel sharon , struggling for life after a massive stroke , has thrown the future of any peace process with the palestinians into question .", "summaries": ["as sharon ails palestinians face own travails"]} +{"id": "gigaword-test-1560", "text": "before the governor could even tell voters about his massive public works plan last week , southern california political leaders were making the case for spending billions on new roads and transit systems .", "summaries": ["transportation plan in high gear"]} +{"id": "gigaword-test-1561", "text": "there were no points awarded for eli manning 's pedigree sunday , and none at all scored by the giants , when the super bowl looked as distant a possibility for manning as it once did for a former journeyman named jake delhomme .", "summaries": ["sports column : a name only gets you so far sometimes"]} +{"id": "gigaword-test-1562", "text": "cox news service atlanta -- the dow jones industrial average , which ended #### slightly in the red , came roaring back monday to close above ##,### for the first time in #\u00a0#\\/# years .", "summaries": ["dow edges back above ##,###"]} +{"id": "gigaword-test-1563", "text": "another new year , same old promises : i will ease off my favorite barbecue joint 's brownies .", "summaries": ["saving $ #,### in ####"]} +{"id": "gigaword-test-1564", "text": "north carolina 's foster care system made a killer out of UNK UNK simpson , or so say his lawyers , who are asking gov. mike easley to spare simpson 's life .", "summaries": ["scheduled for jan. ## execution simpson asks for clemency"]} +{"id": "gigaword-test-1565", "text": "a supreme court victory won by california winemakers is now starting to resemble a fine cabernet : UNK", "summaries": ["high court ruling aside wine still not flowing across state lines"]} +{"id": "gigaword-test-1566", "text": "`` monk , '' a simple idea that has proven surprisingly resilient -- a neurotic genius solves quirky crimes -- resumes its fourth season tonight with a particularly silly case .", "summaries": ["monk keeps things deliciously quirky"]} +{"id": "gigaword-test-1567", "text": "cox news service dayton , ohio -- charlie coles has played in and coached more than #,### basketball games .", "summaries": ["forty years later texas western 's watershed victory still vivid"]} +{"id": "gigaword-test-1568", "text": "gov. arnold schwarzenegger is expected to sign legislation friday to jump-start construction of a ### car-pool lane and preserve $ ### million in federal funds that could have been lost if work was not started in time .", "summaries": ["### relief now in sight"]} +{"id": "gigaword-test-1569", "text": "with a shower of federal dollars about to rain down on this state , jockeying is beginning in the halls of the louisiana capitol here over who will control the money .", "summaries": ["legislators eager for a say in spending louisiana aid"]} +{"id": "gigaword-test-1570", "text": "iran will not abandon its nuclear program even if the u.n. nuclear watchdog refers it to the security council , where it could face punitive measures , president mahmoud ahmadinejad said in a rare news conference on saturday .", "summaries": ["u.n. scrutiny wo n't make iran quit nuclear effort president says"]} +{"id": "gigaword-test-1571", "text": "st. louis - it 's been so long now - eight years - that the gold medal seems as if it happened to someone else .", "summaries": ["lipinski treasures golden memories"]} +{"id": "gigaword-test-1572", "text": "eric namesnik , who won silver medals in swimming in the #### and #### olympics and became a coach of several olympians , died on wednesday at a hospital in ypsilanti , mich. , four days after he was critically injured in an automobile accident on an icy road .", "summaries": ["eric UNK ## winner of two silver medals in olympics"]} +{"id": "gigaword-test-1573", "text": "miami - an icon to some and a sinister troublemaker to others , a priest with strong miami ties currently sits languishing in a haitian jail with suspected leukemia .", "summaries": ["haitian jail # months no charges"]} +{"id": "gigaword-test-1574", "text": "israel 's acting prime minister , ehud olmert , said tuesday that he would be willing to restart peace talks with the palestinians if they met the longstanding israeli demand to break up armed factions .", "summaries": ["israeli ready for peace talks if palestinians disarm hamas"]} +{"id": "gigaword-test-1575", "text": "`` city of villains '' and its UNK companion game , `` city of heroes , '' are n't the best online role-playing games around -- that title goes to `` world of warcraft .", "summaries": ["videogame review : city of villains is n't tops but is still fun"]} +{"id": "gigaword-test-1576", "text": "dr. steven UNK of fort collins , colo. , has no cure for denver broncos fever , but he 'll give a free vasectomy as a trade for tickets to sunday 's afc championship game against the pittsburgh steelers .", "summaries": ["from the offbeat to the bizarre fans barter for playoff tickets"]} +{"id": "gigaword-test-1577", "text": "harland UNK , a former all-pro linebacker with the giants , was happy shaping the defensive line that would become the fearsome foursome .", "summaries": ["youngest coach in nfl history still gives advice"]} +{"id": "gigaword-test-1578", "text": "on the first monday morning of the year , four bulldozers , accompanied by nearly ### police , arrived on a rocky patch of farmland on the edge of a wooded village and began leveling the earth .", "summaries": ["in lethal mill site clash dark side of india 's rise"]} +{"id": "gigaword-test-1579", "text": "after spending ## years in prison for a killing he did n't commit , ken marsh finally is poised to get some payback .", "summaries": ["$ ###,### for ## years wrongly held in prison"]} +{"id": "gigaword-test-1580", "text": "televangelist pat robertson , it seems , is n't the only one who thinks he can see god 's purpose in natural disasters .", "summaries": ["editorial : blaming god for disasters"]} +{"id": "gigaword-test-1581", "text": "nearly a year ago , south carolina supreme court chief justice jean UNK said that fair , swift justice has taken a backseat to an assembly line process that diminishes the quality of hearings afforded south carolinians .", "summaries": ["fair swift justice demands diversity"]} +{"id": "gigaword-test-1582", "text": "miguel lopez , who works at the state capitol , is sitting in a plush red velvet chair on the floor of the senate chamber .", "summaries": ["profile : UNK institution"]} +{"id": "gigaword-test-1583", "text": "a ##-year-old brooklyn teenager who friends said had been the center of attention at his friend 's sweet ## birthday party was fatally shot on the sidewalk as the party was winding down early sunday .", "summaries": ["brooklyn youth shot dead leaving party"]} +{"id": "gigaword-test-1584", "text": "dozens of tunnels have been dug between the gaza strip and egypt in the last quarter century , and through them have come most of the weapons that fill this narrow palestinian territory , threatening israel and palestinians themselves .", "summaries": ["the menacing legacy of gaza 's tunnels"]} +{"id": "gigaword-test-1585", "text": "never mind that she has dark blond hair and light blue eyes and the fairest of skin .", "summaries": ["she writes from the heart"]} +{"id": "gigaword-test-1586", "text": "physicians from leading medical schools , including harvard 's , are calling for teaching hospitals to sharply limit the gifts and money they accept from pharmaceutical and medical device makers , saying even small gifts can influence doctors to use products that may not be the most effective and cheapest .", "summaries": ["physicians call for a curb on gifts"]} +{"id": "gigaword-test-1587", "text": "james franco , best known as harry osborne , peter parker 's best friend in the `` spider-man '' movies , is not your usual romantic lead .", "summaries": ["UNK UNK founders in a sea of cliches"]} +{"id": "gigaword-test-1588", "text": "democrats in georgia and alabama , borrowing an idea usually advanced by conservative republicans , are promoting bible classes in the public schools .", "summaries": ["democrats in # southern states push bills on bible study"]} +{"id": "gigaword-test-1589", "text": "cox news service waco , texas -- my boyfriend quipped to me the other day that he has become an ipod widow .", "summaries": ["UNK for sunday jan. ## #### an ipod listener turned addict"]} +{"id": "gigaword-test-1590", "text": "something you 're not likely to hear at the start of a ski or snowboard group lesson : you 're going to fall down .", "summaries": ["how do you ski or snowboard practice practice falling and practice"]} +{"id": "gigaword-test-1591", "text": "philadelphia - immediately following saturday afternoon 's game at the wachovia center , the lightning boarded a speeding train to washington for today 's game against the capitals .", "summaries": ["on track and rolling with rout"]} +{"id": "gigaword-test-1592", "text": "members of the organization of the petroleum exporting countries begin a meeting in vienna on tuesday , and ministers have indicated that they are likely to keep pumping oil at current levels .", "summaries": ["looking ahead"]} +{"id": "gigaword-test-1593", "text": "the philippine government said today substantial progress has been made in its peace talks with the leftist national democratic front -lrb- ndf -rrb- held last month in the netherlands .", "summaries": ["weather forecast for major world cities"]} +{"id": "gigaword-test-1594", "text": "malaysia beat bangladesh #-# in a world cup asian zone group one qualifying match in jeddah , saudi arabia , on monday .", "summaries": ["malaysia beats bangladesh #-# in world cup qualifier"]} +{"id": "gigaword-test-1595", "text": "beihai , a port city in southwest china 's guangxi zhuang autonomous region , will provide marine tourism services for the vietnamese cities of haiphong , mong cai and ha long this may .", "summaries": ["southwest china to start new marine tourism services"]} +{"id": "gigaword-test-1596", "text": "chinese vice-premier zhu rongji met here today with his belarus counterpart UNK UNK , and his party .", "summaries": ["chinese vice-premier meets belarus visitors"]} +{"id": "gigaword-test-1597", "text": "buhe , vice-chairman of the standing committee of china 's national people 's congress -lrb- npc -rrb- , met here today with a delegation from the municipal parliament of seoul , discussing the friendly exchanges that have taken place in the sister cities in recent years .", "summaries": ["npc vice-chairman meets rok visitors"]} +{"id": "gigaword-test-1598", "text": "china 's foreign trade expands in scale last year with a better import and export structure , according a report from china 's state statistics bureau -lrb- ssb -rrb- released here today .", "summaries": ["china 's foreign trade expands structure improves in ####"]} +{"id": "gigaword-test-1599", "text": "slovenia is considering making a modest contribution to the italian-led multinational protection force set up to secure relief aid operations in albania , the italian defense ministry said today .", "summaries": ["slovenia may contribute to protection force to albania"]} +{"id": "gigaword-test-1600", "text": "with a growing population of elderly and a declining birth rate in shanghai , china 's industrial and financial center , some child care centers have been transformed into homes for the elderly .", "summaries": ["results of british open squash semi-final"]} +{"id": "gigaword-test-1601", "text": "the pudong united rural credit cooperative , a syndicate of ## local rural credit cooperatives , will loan #.# billion yuan to projects in pudong new area , an emerging trade and financial hub in shanghai , this year .", "summaries": ["collated world cup results in africa"]} +{"id": "gigaword-test-1602", "text": "vice-premier zou jiahua expressed china 's willingness to further increase technological cooperation with foreign enterprises including the toyota motor corporation of japan on the basis of mutual benefit , in a meeting with okuda hiroshi , president of toyota .", "summaries": ["trading on hong kong stock exchange"]} +{"id": "gigaword-test-1603", "text": "australian patrick rafter apologized on wednesday for being drunk while playing for his national team in the a davis cup .", "summaries": ["rafter UNK for being drunk in davis cup game"]} +{"id": "gigaword-test-1604", "text": "the security council today forwarded to the general assembly the nominations of ## candidates for judges of the international criminal tribunal for the former yugoslavia .", "summaries": ["collated results at salem open tennis '## in hong kong"]} +{"id": "gigaword-test-1605", "text": "a foreign trade fair aimed at enhancing economic ties between china 's island province of hainan and vietnam has ended recently , generating a total of one billion yuan-worth of contracts .", "summaries": ["foreign trade fair to boost ties between hainan and vietnam"]} +{"id": "gigaword-test-1606", "text": "some ### iranians today staged demonstrations in front of the german embassy here to protest the berlin court ruling which charges top iranian leaders with involvement in the #### murder of four iranian dissidents .", "summaries": ["major news items in leading u.s. UNK"]} +{"id": "gigaword-test-1607", "text": "government troops has repelled an attack by rebel forces along sudan 's eastern borders , the spokesman of the sudanese armed forces said today .", "summaries": ["government forces repel rebel attack in eastern"]} +{"id": "gigaword-test-1608", "text": "the european union -lrb- eu -rrb- and the united states today reached an agreement on a dispute over the helms-burton act against cuba , u.s. officials confirmed .", "summaries": ["us confirms deal on anti-cuba law dispute"]} +{"id": "gigaword-test-1609", "text": "chinese vice-premier and foreign minister qian qichen met with iranian deputy foreign minister UNK boroujerdi here today .", "summaries": ["chinese iranian foreign ministers meet in beijing"]} +{"id": "gigaword-test-1610", "text": "botswana will depreciate its currency pula to offset problems likely to affect its national economy , southern african broadcasting association -lrb- saba -rrb- reported today .", "summaries": ["botswana to depreciate national currency"]} +{"id": "gigaword-test-1611", "text": "a #,###-strong multinational force will land at the albanian port of durres after midnight tonight to protect humanitarian aid supplies to this balkan country , italian chief of defense staff admiral guido venturoni said today .", "summaries": ["highlights of major beijing-based UNK"]} +{"id": "gigaword-test-1612", "text": "two guerrillas of the lebanese hezbollah , or party of god , were killed in the first clash with israeli forces in south lebanon in a month , beirut 's press reported wednesday morning .", "summaries": ["# hezbollah fighters killed in israel 's swoop"]} +{"id": "gigaword-test-1613", "text": "the diamond high council -lrb- UNK -rrb- , the official trade federation representing the belgian diamond trade and industry , is to hold an international conference on the diamond industry during the hong kong jewelry & watch fair '## in september .", "summaries": ["antwerp world diamond center supports hk jewelry & watch fair"]} +{"id": "gigaword-test-1614", "text": "the chinese economy is expected to grow rapidly over the next two years with real gdp -lrb- gross domestic product -rrb- increasing by # percent in #### and by # percent in #### , the asian development bank said today .", "summaries": ["chinese economy to grow UNK in next # years : adb"]} +{"id": "gigaword-test-1615", "text": "the first contingent of italian troops is expected to enter albania 's southern port of vlore no later than early next week , italian defense chief of staff admiral guido venturoni said here today .", "summaries": ["italian troops to enter albanian port vlore next week"]} +{"id": "gigaword-test-1616", "text": "five workers of the aeroperu airline will be tried to determine the degree of their responsibility in an airliner accident in october #### which killed ## persons .", "summaries": ["market exchange rates"]} +{"id": "gigaword-test-1617", "text": "the opposition labor party 's lead has dropped to its lowest level for four years , according to the latest UNK poll for the sunday times .", "summaries": ["uk labor 's lead drops to lowest for four years"]} +{"id": "gigaword-test-1618", "text": "following are the team standings of world cup concacaf zone qualifying tournament after sunday 's match between the united states and mexico -lrb- tabulated under matches played , won , drawn , lost , goals for , against , points -rrb- : UNK", "summaries": ["team standings of world cup concacaf zone qualifying"]} +{"id": "gigaword-test-1619", "text": "the pacific asia travel association -lrb- pata -rrb- will hold its second mekong tourism forum in ho chi minh city on october ##-## , this year , to explore new tourist venues along the mekong river .", "summaries": ["travel association to hold mekong tourism forum in vietnam"]} +{"id": "gigaword-test-1620", "text": "pakistani president farooq leghari has stated that pakistan has a `` very special relationship with china and the bilateral ties have been tested by time .", "summaries": ["pakistan has very special relationship with china :"]} +{"id": "gigaword-test-1621", "text": "the european commission -lrb- ec -rrb- , the executive body of the european union -lrb- eu -rrb- , and japan have agreed not to resort to the world trade organization -lrb- wto -rrb- dispute settlement mechanism unless solutions to their trade disputes can not be found through bilateral talks .", "summaries": ["eu UNK to solve trade disputes through dialogue"]} +{"id": "gigaword-test-1622", "text": "the #### sydney olympic games will probably have traffic jams and transport problems , according to ioc official .", "summaries": ["sydney olympics faces transport problem"]} +{"id": "gigaword-test-1623", "text": "german transportation minister matthias wissmann today reaffirmed bonn 's commitment to the construction of a magnetic levitation rail link between hamburg and berlin despite the soaring costs and an uncertain market .", "summaries": ["bonn vows to bring maglev train in operation in ####"]} +{"id": "gigaword-test-1624", "text": "japanese auto-maker toyota has invested # billion baht -lrb- about ### million us dollars -rrb- to build a new plant in east thailand , which officially opened today .", "summaries": ["key frankfurt markets fixed rates"]} +{"id": "gigaword-test-1625", "text": "shanghai , china 's largest industrial city will add ### supermarkets and ### chain stores this year to its #,###-plus service outlets of this kind .", "summaries": ["results of table tennis world championships UNK #"]} +{"id": "gigaword-test-1626", "text": "the democratic people 's republic of korea whitewashed south korea in the women 's team semi-finals at the world table tennis championships here on sunday .", "summaries": ["dpr korea sails into women 's team final"]} +{"id": "gigaword-test-1627", "text": "european union -lrb- eu -rrb- countries will send their ambassadors back to iran soon in a move seen as indicating they are not prepared to damage lucrative ties with the country .", "summaries": ["eu ambassadors to return to iran soon"]} +{"id": "gigaword-test-1628", "text": "two passenger trains crashed today in central-south china 's hunan province , killing ## people and leaving many others injured .", "summaries": ["train crash kills ## in hunan"]} +{"id": "gigaword-test-1629", "text": "northeast china 's liaoning province plans to spend ## billion yuan on an expressway that will link the provincial capital of shenyang with shanhaiguan , the easternmost part of the great wall .", "summaries": ["express way for northeast china"]} +{"id": "gigaword-test-1630", "text": "president george w. bush met with visiting pakistani prime minister zafarullah jamali in the white house on wednesday to discuss issues on bilateral relations and cooperation in fighting terror .", "summaries": ["us president meets pakistani pm in white house"]} +{"id": "gigaword-test-1631", "text": "a working group will be formed to realize recommendations made by the sars expert committee in hong kong , chief executive of hong kong special administrative region tung chee hwa said here thursday .", "summaries": ["working group to be set up in hk to study sars experts advice"]} +{"id": "gigaword-test-1632", "text": "japanese prime minister junichiro koizumi on friday reiterated his confidence about the japanese economy , saying prospects are good that japan will resolve the issue of bad loans around #### .", "summaries": ["koizumi reiterates confidence in UNK economy"]} +{"id": "gigaword-test-1633", "text": "thai commerce minister adisai bodharamik revealed that the association of southeast asian nations -lrb- asean -rrb- and japan would form a free trade area by #### in an agreement to be signed during the asean summit to be held in bali , indonesia , on oct. # , the bangkok post reported saturday .", "summaries": ["asean UNK to sign fta agreement in bali summit : minister"]} +{"id": "gigaword-test-1634", "text": "by feng jian , yang UNK UNK", "summaries": ["UNK analysis : eu conference launches spurt of constitution-making marathon"]} +{"id": "gigaword-test-1635", "text": "philippine share prices closed only #.## percent higher monday in listless trading as the market continued to consolidate .", "summaries": ["philippine stocks end slightly higher"]} +{"id": "gigaword-test-1636", "text": "nigeria will support south africa 's #### world cup bid and go all out for the #### edition itself , nigerian president olusegun obasanjo said here monday .", "summaries": ["nigeria targets to host #### world cup : nigerian president"]} +{"id": "gigaword-test-1637", "text": "the iraqi governing council tuesday rejected an expected turkish offer of sending peace-keeping troops to iraq , dubai-based al arabiya tv channel reported .", "summaries": ["UNK : iraq 's governing council rejects turkish troops deployment : tv"]} +{"id": "gigaword-test-1638", "text": "xu kuangdi , vice-chairman of the national committee of the chinese people 's political consultative conference -lrb- cppcc -rrb- , met here wednesday with a delegation of korea junior chamber , inc. , a non-governmental organization of the republic of korea .", "summaries": ["major news items in leading british UNK"]} +{"id": "gigaword-test-1639", "text": "costa rica has ruled out the possibility of opening up its telecommunication sector in spite of pressure exerted by the united states , reports from guatemala city said wednesday .", "summaries": ["costa rica rules out opening telecommunication sector"]} +{"id": "gigaword-test-1640", "text": "government and business leaders from ## central and east european countries are gathering in bucharest , romania , for the region 's first investment summit on oct. ## to ## .", "summaries": ["first investment summit to be held for central east europe"]} +{"id": "gigaword-test-1641", "text": "the asian development bank -lrb- adb -rrb- has approved a ###,### - us-dollar technical assistance -lrb- ta -rrb- grant to china to develop an innovative plan to reduce poverty and protect the unique cultures of ## of its smallest ethnic minority groups .", "summaries": ["adb okays pioneer plan to protect china 's minority culture"]} +{"id": "gigaword-test-1642", "text": "southwest china 's yunnan province will raise #.# billion yuan -lrb- ###.## million us dollars -rrb- in the next five years to help its #.## million rural people out of poverty , according to the yunnan provincial poverty relief office .", "summaries": ["local government raises fund for impoverished population largest in the nation"]} +{"id": "gigaword-test-1643", "text": "ministerial officials attending the forum for economic and trade cooperation between china and portuguese-speaking countries , which opened here on sunday , dedicated the morning debate to three topics .", "summaries": ["forum between china portuguese-speaking countries focuses on three tropics"]} +{"id": "gigaword-test-1644", "text": "vietnam will start the construction of its first underground railway in the ho chi minh city in mid - #### with an investment of ### million us dollars .", "summaries": ["vietnam to build first underground railways"]} +{"id": "gigaword-test-1645", "text": "a top un envoy said here monday that despite existing regional tension , israel violated its withdraw line with jets flying seven times over it into air space over southern lebanon .", "summaries": ["ecb main reference exchange rates"]} +{"id": "gigaword-test-1646", "text": "li yushu , former vice-mayor of leshan in southwest china 's sichuan province , was executed tuesday after being convicted of abusing his authority to take bribes valued at #.# million yuan -lrb- #.# million us dollars -rrb- .", "summaries": ["vice mayor executed for taking bribes"]} +{"id": "gigaword-test-1647", "text": "the launch of shenzhou-# , china 's first manned spacecraft , is successful and the craft is already in orbit , an official in charge of the country 's manned spaceflight program announced wednesday morning .", "summaries": ["bulletin : shenzhou-# launch successful official"]} +{"id": "gigaword-test-1648", "text": "top interpol officers on wednesday asked its members to devise rules and procedures for policing at the global level and providing legal status to red corner notices against wanted fugitives .", "summaries": ["interpol asks world govts to make rules for global policing"]} +{"id": "gigaword-test-1649", "text": "chinese permanent representative to the united nations wang guangya on wednesday urged the un and the international community to continue supporting timor-leste .", "summaries": ["china stresses continued international support for timor-leste"]} +{"id": "gigaword-test-1650", "text": "despite generous donation from the international community , millions of people will still wake up hungry on the world food day which falls on thursday .", "summaries": ["wfp urges more UNK to hungry people"]} +{"id": "gigaword-test-1651", "text": "ecuadorian president lucio gutierrez has reiterated support for bolivian president gonzalo sanchez de lozada , who is facing a UNK crisis at home , a bolivian diplomat said thursday .", "summaries": ["ecuador 's gov t reiterates support for crisis-plagued bolivian president"]} +{"id": "gigaword-test-1652", "text": "`` we come here to invite more chinese friends to zimbabwe , where ancient chinese set foot several thousands of years ago , '' francis nhema , zimbabwe 's minister of environment and tourism told xinhua friday .", "summaries": ["zimbabwe shows itself as wonderland for china"]} +{"id": "gigaword-test-1653", "text": "cambodia 's two major parties on saturday announced to cancel their decision to attend monday 's coalition talks at the royal palace because the killing of a radio reporter on saturday morning .", "summaries": ["cambodia 's # parties reject coalition talks due to killings of reporter"]} +{"id": "gigaword-test-1654", "text": "the visiting saudi arabian crown prince abdullah bin abdul aziz sunday called on muslims to move on a path of unity and tolerance .", "summaries": ["j-league first division results\\/standings"]} +{"id": "gigaword-test-1655", "text": "israel 's air forces on monday launched a third missile strike on gaza city in less than four hours , palestinian witnesses said .", "summaries": ["israel launches third airstrike on gaza city"]} +{"id": "gigaword-test-1656", "text": "following are the world cup alpine world cup champions in the ####-#### season : UNK", "summaries": ["men 's world cup ski champions last season"]} +{"id": "gigaword-test-1657", "text": "thousands of palestinians on tuesday took to the streets of UNK refugee camp in central gaza strip to attend the funeral of the eight palestinians killed during an israeli army airstrike late on monday .", "summaries": ["palestinians hold funeral for those killed in israeli airstrikes"]} +{"id": "gigaword-test-1658", "text": "the common market for eastern and southern africa -lrb- comesa -rrb- is to set up the comesa common investment area -lrb- ccia -rrb- that will attract foreign investors and boost trade within the region .", "summaries": ["comesa to set up common investment area"]} +{"id": "gigaword-test-1659", "text": "bulgarian police captured ## kg of heroin in two separate operations , the bulgarian telegraph agency reported wednesday .", "summaries": ["bulgarian police seize ## kg heroin"]} +{"id": "gigaword-test-1660", "text": "european major stocks ended mainly lower for the second session in a row thursday as limp results and outlooks from sector bellwethers such as royal dutch\\/shell and stmicroelectronics sent jitters through the market .", "summaries": ["european major stocks end mainly lower"]} +{"id": "gigaword-test-1661", "text": "austrian minister of foreign affairs benita ferrero-waldner will visit china on nov. #-# , announced foreign ministry spokeswoman zhang qiyue here thursday at a regular press conference .", "summaries": ["austrian foreign minister to visit china"]} +{"id": "gigaword-test-1662", "text": "bayern munich playmaker michael ballack has fully recovered from an ankle injury but fellow midfielder owen hargreaves is still out of action due to a hip problem , the german first division club said on friday .", "summaries": ["ballack fit for bayern 's game but hargreaves still out"]} +{"id": "gigaword-test-1663", "text": "container freighters between dandong , northeast china , and inchon , the republic of korea -lrb- rok -rrb- , were launched oct. ## , as the port of dandong has largely increased its capacity of handling containers in recent years .", "summaries": ["UNK container freighters launched"]} +{"id": "gigaword-test-1664", "text": "sri lankan prime minister ranil wickremesinghe will meet us president george bush to review the country 's current norwegian-brokered peace progress , officials said .", "summaries": ["sri lankan pm to meet us president to review peace process"]} +{"id": "gigaword-test-1665", "text": "pakistan 's top shares prices ended higher monday as rumors indicating a swift sell-off concerning state-run oil major pakistan state oil -lrb- pso -rrb- .", "summaries": ["pakistan stocks close up"]} +{"id": "gigaword-test-1666", "text": "south korean stocks continued their winning streak on foreign and program buying , with the main index bouncing back to the ###-point level on tuesday .", "summaries": ["s. korean stocks continue rising"]} +{"id": "gigaword-test-1667", "text": "seven people , including an ambulance driver and five patients , were killed when the ambulance collided with a car on the highway between UNK and victoria west in south africa on tuesday , the south african press association reported .", "summaries": ["seven killed in ambulance crash in s. africa"]} +{"id": "gigaword-test-1668", "text": "pakistani president pervez musharraf wednesday spoke highly of the sino-pak relations , saying that the relations between the two countries are always excellent , strategic and permanent .", "summaries": ["interview : sino-pak relations are excellent strategic permanent : musharraf by rong UNK"]} +{"id": "gigaword-test-1669", "text": "following are the schedule for the world cup volleyball from november # in ## japanese cities : UNK", "summaries": ["schedule of world cup volleyball UNK women"]} +{"id": "gigaword-test-1670", "text": "nigeria has signed a fresh agreement with multinational oil majors to build a second liquefied natural gas -lrb- lng -rrb- plant in brass in central niger delta , south nigeria , the news agency of nigeria reported thursday .", "summaries": ["nigeria to build second liquefied natural gas plant"]} +{"id": "gigaword-test-1671", "text": "all judicial files concerning intellectual property rights , from all three levels of beijing 's courthouses , will be available on UNK , the official website of beijing supreme court , from nov. # , announced an official friday .", "summaries": ["beijing 's judicial files concerning intellectual property rights available on internet"]} +{"id": "gigaword-test-1672", "text": "the kenyan authorities have issued a tough warning to the country 's politicians seeking votes ahead of the general elections to shun violence or risk being barred from participating in the poll .", "summaries": ["news items from asia-pacific desk of xinhua UNK part #"]} +{"id": "gigaword-test-1673", "text": "truck drivers and mechanics working for waste management inc. returned to work thursday after a two-week strike in los angeles , organizers said .", "summaries": ["trash workers end strike in los angeles"]} +{"id": "gigaword-test-1674", "text": "hosts wuhan won the men 's soccer title by beating beijing shunyi #-# here at the #th chinese city games on friday .", "summaries": ["hosts wuhan wins men 's soccer title at chinese city games"]} +{"id": "gigaword-test-1675", "text": "in anticipation of strong winds returning , fire departments across southern california are bracing for a possible new round of fresh wildfires , authorities said on friday .", "summaries": ["roundup : firefighters gear up for fresh fires in s. california"]} +{"id": "gigaword-test-1676", "text": "chief of army staff of pakistan general pervez musharraf on saturday declared a state of emergency in the country , the state-run ptv reported .", "summaries": ["#nd ld : musharraf declares state of emergency in pakistan"]} +{"id": "gigaword-test-1677", "text": "the abu dhabi national oil company -lrb- adnoc -rrb- , the energy giant of the united arab emirates -lrb- uae -rrb- , announced on sunday the retrospective prices of its four main grades of crude oil for october .", "summaries": ["uae energy giant announces retrospective oil prices for october"]} +{"id": "gigaword-test-1678", "text": "the south asia regional management team of the world bank comprising of more than ## senior managers and staffs are in kathmandu to participate in a series of meetings about new and emerging issues in nepal and south asia with the theme `` beyond the nation state .", "summaries": ["world bank team arrives in nepal to discuss development"]} +{"id": "gigaword-test-1679", "text": "share prices on the london stock exchange closed lower on monday , suffering on fears over banks ' exposure to bad u.s. home loans and the termination of sainsbury 's bid .", "summaries": ["london stock market ends lower"]} +{"id": "gigaword-test-1680", "text": "thailand 's deputy secretary-general of council for national security -lrb- cns -rrb- anupong paochinda on tuesday ignored demand by the people power party which called for the cns members to resign .", "summaries": ["thai cns refuses to dissolve before election"]} +{"id": "gigaword-test-1681", "text": "u.s. senate and house agreed tuesday to spend some ### billion u.s. dollars in baseline defense budget for fiscal year #### , but left most of the ### billion dollars of war funding request undecided .", "summaries": ["u.s. senate house leave war funds undecided"]} +{"id": "gigaword-test-1682", "text": "israeli settlers continue the construction of new houses in the west bank territories despite the government 's pledge to freeze settlement expansion , according to a report released wednesday from an israeli left-wing group .", "summaries": ["news items from asia-pacific desk of xinhua UNK part #"]} +{"id": "gigaword-test-1683", "text": "strengthened border patrol has led to a ##-percent drop in arrests of undocumented migrants this year at the u.s.-mexico frontier , it was reported on wednesday .", "summaries": ["arrests of border-crossers drop"]} +{"id": "gigaword-test-1684", "text": "vietnam imported nearly #.# billion u. s. dollars worth of machines , equipment and spare parts in the first ## months of this year , a year-on-year rise of ##.# percent , according to the country 's general statistics office on thursday .", "summaries": ["vietnam machinery import surges ##.# pct in ## months"]} +{"id": "gigaword-test-1685", "text": "germany 's electronics giant siemens said on thursday that an internal probe had revealed dubious transactions totaling #.# billion euros -lrb- about #.# billion u.s. dollars -rrb- , much larger than previous estimates .", "summaries": ["siemens reveals UNK bribery fund"]} +{"id": "gigaword-test-1686", "text": "zambia 's biggest mining company said it will spill out # billion u.s. dollars for its three-year expansion scheme , daily mail reported on friday .", "summaries": ["zambia 's biggest miner to spend # bln dollars on expansion"]} +{"id": "gigaword-test-1687", "text": "although debrecen is a smaller and less well-off city than any of its eight rivals , the city hopes to be picked up to host the first ever youth olympic games scheduled for #### , mayor lajos UNK told reporters here on friday .", "summaries": ["debrecen hopes to host first youth olympics in ####"]} +{"id": "gigaword-test-1688", "text": "a landslide in northwest china 's shaanxi province has trapped three people since saturday , the local government said on sunday .", "summaries": ["landslide UNK three in northwest china"]} +{"id": "gigaword-test-1689", "text": "six people were confirmed dead and two others were hospitalized in a food poisoning case on sunday in central china 's hubei province , local government sources said on monday .", "summaries": ["major news items in leading indian UNK"]} +{"id": "gigaword-test-1690", "text": "glancing at newspaper copies at a newsstand here in kabul , the capital of post - taliban afghanistan , ahmad UNK , ## , said that he was happy to see dozens of daily papers and magazines published today in his country .", "summaries": ["feature : post-taliban afghanistan witnesses UNK developing media by abdul UNK zhang UNK"]} +{"id": "gigaword-test-1691", "text": "both state and foreign investments in vietnam 's agriculture have been not sufficient enough , while local farmers have to pay fees to contribute to building rural roads , irrigation works and schools , local newspaper vietnam news reported tuesday .", "summaries": ["hong kong stocks finish lower at midday nov. ##"]} +{"id": "gigaword-test-1692", "text": "a senior official of russia 's central bank has forecast a #.#-percent annual growth of the gross domestic product -lrb- gdp -rrb- in #### , interfax news agency reported on tuesday .", "summaries": ["russian central bank predicts #.#-percent gdp growth"]} +{"id": "gigaword-test-1693", "text": "brazilian ronaldinho was reported for training with brazil on tuesday with a twisted ankle , team doctor jose luis runco said .", "summaries": ["ronaldinho trains with ankle injury for brazil"]} +{"id": "gigaword-test-1694", "text": "a taiwanese fishing vessel , which has been captured off the somali coast in may and released early this month , arrived at mombasa port of kenya on wednesday .", "summaries": ["taiwanese fishing vessel released off somali coast arrives at mombasa kenya"]} +{"id": "gigaword-test-1695", "text": "western mexico state jalisco will host the first edition of the UNK dollar lorena ochoa invitation golf tournament on nov. ##-## #### , in guadalajara country club , the lorena ochoa foundation said in a statement on wednesday .", "summaries": ["mexico to host lorena ochoa golf tournament in ####"]} +{"id": "gigaword-test-1696", "text": "overcrowding and lack of illumination at exit points at konkola stadium in UNK province of zambia were among the major lapses that led to a stampede resulting in the death of ## soccer fans after an africa cup qualifier between zambia and congo UNK on june # , this year , sports minister gabriel UNK told the parliament thursday .", "summaries": ["overcrowding lack of illumination leads to stampede in zambia : investigation"]} +{"id": "gigaword-test-1697", "text": "tokyo stocks opened sharply lower friday .", "summaries": ["major news items in leading new zealand UNK"]} +{"id": "gigaword-test-1698", "text": "coach of manchester city football club sven-goran eriksson signed three thai young players to the english premiership league team at a ceremony in bangkok friday morning .", "summaries": ["UNK man"]} +{"id": "gigaword-test-1699", "text": "china 's sun hui claimed gold in the women 's ##kg sanshou at the #th world wushu championships here on saturday .", "summaries": ["china 's sun wins women 's ##kg of sanshou at world wushu championships"]} +{"id": "gigaword-test-1700", "text": "namibia has imported about ### tons of maize from zambia and more tons are lined up for namibia , according sunday mail .", "summaries": ["head-to-head record for shanghai masters cup final"]} +{"id": "gigaword-test-1701", "text": "the rescue work has completed at a gold mine in southeast australia with all of the ## miners who were trapped in a collapsed shaft having been brought to the surface .", "summaries": ["major news item in leading australian UNK"]} +{"id": "gigaword-test-1702", "text": "the death toll from the last thursday night 's cyclone in bangladesh shot up to #### till #:## p. m. monday , according to the food and disaster management ministry .", "summaries": ["cyclone death toll in bangladesh rises to ####"]} +{"id": "gigaword-test-1703", "text": "nigeria 's federal capital abuja on monday got the hosting right of the sixth students for the advancement of global entrepreneurship -lrb- sage -rrb- world cup tournament .", "summaries": ["nigeria to host sage #### world cup"]} +{"id": "gigaword-test-1704", "text": "some ###,### beijingers will be encouraged by the municipal government to move out of the old city proper and sites of historical value by #### , in efforts to safeguard historical and cultural sites .", "summaries": ["beijing to move ###,### people out of sites of historical value by ####"]} +{"id": "gigaword-test-1705", "text": "n ` djamena , nov. ## -lrb- xinhua -rrb- -- the investigating magistrate and prosecutor handling the case involving the french association , zoe ' s ark , arrived tuesday in the eastern town of abeche where they met the ### children the association was attempting to fly to france , according to reports .", "summaries": ["chadian court officials go to UNK to investigation into children 's case"]} +{"id": "gigaword-test-1706", "text": "afghan police and the u.s.-led coalition forces have killed ## militants during a joint operation in UNK district of southern afghan province of uruzgan , the ministry of interior said in a press release issued wednesday .", "summaries": ["major news items in leading iranian UNK"]} +{"id": "gigaword-test-1707", "text": "pakistani foreign minister missed the commonwealth foreign ministers ' meeting here on wednesday which is expected to decide whether or not pakistan should be suspended from the organization of former british colonies .", "summaries": ["pakistani fm misses commonwealth foreign ministers meeting"]} +{"id": "gigaword-test-1708", "text": "expensive scientific instruments are now available for public rental throughout china via a new on-line database launched on thursday .", "summaries": ["foreign exchange rates in india"]} +{"id": "gigaword-test-1709", "text": "romania and kazakhstan will cooperate in transporting caspian oil to european consumer markets , the romanian and kazakh presidents stressed in a joint press statement on thursday .", "summaries": ["romania kazakhstan to cooperate in transporting oil"]} +{"id": "gigaword-test-1710", "text": "vietnam plans to reap ##.# billion u. s. dollars from exporting heavy industry products and minerals next year , up from estimated ##.# billion dollars this year , a local trade agency said friday .", "summaries": ["vietnam targets bigger heavy industry product exports next year"]} +{"id": "gigaword-test-1711", "text": "cuban sports officials and coaches censored the possible elimination of boxers ' protective head gear in the amateur boxing competitions , cuba 's official press `` granma '' said on friday .", "summaries": ["cuba sports UNK UNK ask to keep boxers protective gear"]} +{"id": "gigaword-test-1712", "text": "croatia 's sixth parliamentary elections since its independence in #### kicked off on sunday , with surveys predicting a tight race between ruling conservative croatian democratic union -lrb- hdz -rrb- and opposition social democratic party -lrb- sdp -rrb- .", "summaries": ["#nd ld : croatia holds parliamentary elections"]} +{"id": "gigaword-test-1713", "text": "between ##,### and ##,### people in vietnam die of diseases caused by smoking each year , according to local newspaper youth on monday .", "summaries": ["##,###-## ,### vietnamese die from smoking annually"]} +{"id": "gigaword-test-1714", "text": "by xinhua writer jiang UNK , zhao UNK UNK", "summaries": ["#nd UNK focus : china france sign #-bln-euro nuclear energy deal"]} +{"id": "gigaword-test-1715", "text": "a magnitude-# .# earthquake rocked metro manila at around ##:## p.m. tuesday but there is no immediate reports of casualties .", "summaries": ["#nd ld UNK : earthquake hits metro manila"]} +{"id": "gigaword-test-1716", "text": "chinese vice-premier wu yi said tuesday that the country should step up efforts to develop its service trade in a bid to alter the growth pattern of foreign trade and increase employment and domestic consumption .", "summaries": ["chinese vice-premier calls for fast development of service trade"]} +{"id": "gigaword-test-1717", "text": "UNK", "summaries": ["#nd ld : pakistan 's musharraf steps down as army chief"]} +{"id": "gigaword-test-1718", "text": "jing zhiyuan , commander of the second artillery force of the chinese people 's liberation army -lrb- pla -rrb- , wrapped up his official visit to sweden wednesday .", "summaries": ["senior chinese military official UNK up visit to sweden"]} +{"id": "gigaword-test-1719", "text": "australian prime minister-elect kevin rudd announced the make up of his new cabinet , appointing his deputy julia gillard education minister .", "summaries": ["major news items in leading nepali UNK"]} +{"id": "gigaword-test-1720", "text": "china was greatly honored here during celebrations to mark mauritania 's ##th independence celebrations , according to reports .", "summaries": ["mauritania salutes china 's cooperation on national day"]} +{"id": "gigaword-test-1721", "text": "marshall islands opposition party declared victory thursday night , saying it `` is ready to take over the reins of government after defeating president kessai note , reported pacific magazine , a UNK journal , on friday .", "summaries": ["opposition declares win in marshalls election"]} +{"id": "gigaword-test-1722", "text": "`` fondation congo assistance , '' an association founded by the republic of congo 's first lady antoinette sassou n ` UNK , has launched here a national campaign against aids , mainly focusing on the implementation of the mother - UNK infection prevention project -lrb- UNK -rrb- , according to reports .", "summaries": ["foreign exchange rates in india"]} +{"id": "gigaword-test-1723", "text": "andy roddick got the better of dmitry tursunov in straight sets on friday , assuring the united states a #-# lead over defending champions russia in the #### davis cup final .", "summaries": ["major news items in leading thai UNK"]} +{"id": "gigaword-test-1724", "text": "u.s. construction spending dropped by #.# percent in february , the fifth straight monthly decline , as residential construction tumbled for a record ##th consecutive month , the commerce department reported tuesday .", "summaries": ["u.s. construction spending drops for fifth straight month in february"]} +{"id": "gigaword-test-1725", "text": "vietnamese prime minister nguyen tan dung has asked localities , relevant agencies and people to focus on monitoring food safety , ensuring environmental hygiene , preparing enough pharmaceuticals , and intensifying awareness work , to stamp out acute diarrhea .", "summaries": ["vietnam working on acute diarrhea"]} +{"id": "gigaword-test-1726", "text": "the asian swimming record tumbled again at the seven-day olympic test event here on friday .", "summaries": ["asian swimming record tumbles again at china 's olympic trials"]} +{"id": "gigaword-test-1727", "text": "zimbabwe 's ruling zanu-pf has requested the zimbabwe electoral commission -lrb- zec -rrb- to recount and audit all its electoral material relating to last week 's presidential election following revelations of errors and miscalculations in the compilation of the poll result .", "summaries": ["xinhua world news summary at #### UNK UNK #"]} +{"id": "gigaword-test-1728", "text": "lebanese parliament speaker nabih berri was `` stunned '' by the comment of french foreign minister bernard kouchner who accused him of closing down the parliament and of `` lacking freedom to move , '' al-akhbar daily reported on wednesday .", "summaries": ["lebanese speaker stunned by french fm remarks : report"]} +{"id": "gigaword-test-1729", "text": "brian cowen has been formally elected leader of ireland 's governing fianna fail party , replacing bertie ahern .", "summaries": ["cowen elected new leader of irish governing party"]} +{"id": "gigaword-test-1730", "text": "bangladesh and india signed a deal here thursday giving green signal to resumption of passenger train service between the two neighboring countries after ## years .", "summaries": ["bangladesh india sign agreement for resumption of train service after ## years"]} +{"id": "gigaword-test-1731", "text": "a spokesman for the beijing olympic organizing committee criticized radical supporters of tibetan independence for their sabotage of the ongoing olympic torch relay .", "summaries": ["UNK thanks overseas supporters for torch relay criticizes radical saboteurs"]} +{"id": "gigaword-test-1732", "text": "chinese carmaker chery automobile has recorded a ##.# percent growth in the number of exported vehicles during the first quarter , the company said on sunday .", "summaries": ["chinese carmaker chery reports export surge in first quarter"]} +{"id": "gigaword-test-1733", "text": "chinese ambassador to oman pan weifang on saturday highly valued the preparation that oman has made for the upcoming beijing olympic torch relay to be held in oman 's capital muscat on april ## .", "summaries": ["chinese ambassador highly values oman 's preparation for olympic torch relay"]} +{"id": "gigaword-test-1734", "text": "singapore shares end higher singapore , april ## -lrb- xinhua -rrb- -- the shares prices in singapore closed higher on wednesday with the blue chip straits times index -lrb- sti -rrb- soaring #.## percent or ## points to end at #,###.## points .", "summaries": ["UNK shares end higher"]} +{"id": "gigaword-test-1735", "text": "china 's economic growth slowed to ##.# percent in the first quarter from ##.# percent in the same period last year , the national bureau of statistics -lrb- nbs -rrb- said on wednesday .", "summaries": ["#st ld : china economy grows ##.# pct in #q vs. year-earlier ##.# pct"]} +{"id": "gigaword-test-1736", "text": "the white house said thursday that the meeting between former u.s. president jimmy carter and a hamas delegation from the gaza strip was not `` useful .", "summaries": ["xinhua world news summary at #### UNK UNK ##"]} +{"id": "gigaword-test-1737", "text": "nine people were killed and several others were injured as a passenger bus plunged into a ravine in northern philippines friday morning .", "summaries": ["# killed in philippine bus UNK"]} +{"id": "gigaword-test-1738", "text": "the one foundation project , initiated by chinese kung fu star jet li in #### , has raised over ## million yuan in its first year , and has allocated #.# million yuan for relief work .", "summaries": ["jet li foundation allocates #.# mln yuan for charity in first year"]} +{"id": "gigaword-test-1739", "text": "franch won the gold medal at women 's epee team event of the fie #### world championships by beating china ##-## .", "summaries": ["france beats china for women 's epee team gold"]} +{"id": "gigaword-test-1740", "text": "un secretary-general ban ki-moon reiterated here monday the urgent need of tackling the soaring food prices and low food stocks when he addressed the high - level segment of the ##th session of the un conference on trade and investment -lrb- unctad -rrb- .", "summaries": ["un chief reiterates emergency of addressing food issues"]} +{"id": "gigaword-test-1741", "text": "all schools in the orissa state of india have been closed for the summer vacation at least eight days in advance after some ## people died over the last three weeks due to heatstroke , according to the ndtv 's report on tuesday .", "summaries": ["heatstroke kills some ### indians"]} +{"id": "gigaword-test-1742", "text": "another #.# million people fell below the poverty line in argentina in the second half of #### , research by the country 's official statistics agency revealed wednesday .", "summaries": ["more people living below poverty line in argentina"]} +{"id": "gigaword-test-1743", "text": "cherie blair , wife of former british prime minister tony blair , visited bangladesh 's supreme court here on wednesday to observe the appeal proceedings of a graft case against former bangladesh prime minister sheikh hasina .", "summaries": ["cherie blair serves as bangladesh 's ex-pm hasina 's legal team expert"]} +{"id": "gigaword-test-1744", "text": "chinese lawmakers on thursday adopted a law amendment to better protect the country 's more than ## million disabled , in the run-up to the beijing #### paralympics in september .", "summaries": ["#nd UNK : china adopts amendment to law on protection of the disabled"]} +{"id": "gigaword-test-1745", "text": "urban chinese saw their disposable income expand #.# percent in the first quarter , the lowest increase for the same period since #### .", "summaries": ["inflation slows urban chinese income growth"]} +{"id": "gigaword-test-1746", "text": "uruguay 's river plate soccer club on sunday defeated its counterpart bella vista by #-# and is back on top towards uruguay 's closing championship thanks to nacional 's #-# tie against liverpool on saturday .", "summaries": ["uruguay 's river plate heads for uruguayan soccer title"]} +{"id": "gigaword-test-1747", "text": "the hushen ### index reflecting the performance of china 's shanghai and shenzhen stock exchanges closed at #,###.## on monday , down ##.## points , or #.## percent , from the previous close .", "summaries": ["hushen ### index down UNK ##"]} +{"id": "gigaword-test-1748", "text": "u.s. president george w. bush on tuesday criticized congress for not acting on his proposals to deal with the rising cost of fuel and other necessities in a speech on u.s. economy .", "summaries": ["bush criticizes congress in speech on economy"]} +{"id": "gigaword-test-1749", "text": "one more body has been recovered from the wreckage of monday 's fatal train crash in eastern china , bringing the known death toll to ## , a local newspaper reports .", "summaries": ["death toll from east china train collision rises to ##"]} +{"id": "gigaword-test-1750", "text": "the u.s. dollar traded in the upper ## yen range early monday in tokyo , down slightly from its levels late friday in new york .", "summaries": ["dollar trades in upper ## yen range in tokyo"]} +{"id": "gigaword-test-1751", "text": "iraqi oil ministry tuesday gave a two-week extra time for foreign oil firms to send in documentation for the second round of licensing for long-term development contracts .", "summaries": ["major news items in leading israeli UNK"]} +{"id": "gigaword-test-1752", "text": "as incomes decline , americans increasingly are reining in spending and instead saving more .", "summaries": ["americans spend less save more"]} +{"id": "gigaword-test-1753", "text": "cambodia 's fledgling insurance industry grew ## percent last year , despite global declines in the sector , national media reported wednesday .", "summaries": ["cambodian insurance sector grows ## pct in ####"]} +{"id": "gigaword-test-1754", "text": "china 's export of autos , including auto parts and components , increased ##.# percent to ##.## billion u.s. dollars in #### , but down ##.## percentage points compared with the previous year , china association of automobile manufacturers -lrb- caam -rrb- said here on wednesday .", "summaries": ["china auto export slowdown in #### amid falling demand"]} +{"id": "gigaword-test-1755", "text": "the largest snake the world has ever known -- as long as a school bus and as heavy as a small car - - ruled tropical ecosystems only six million years after the demise of the fearsome tyrannosaurus rex , according to a new discovery to be published on thursday in the journal nature .", "summaries": ["world 's largest snake discovered in fossilized rainforest"]} +{"id": "gigaword-test-1756", "text": "new zealand will make an initial contribution of ###,### nz dollars -lrb- ##,### u.s. dollars -rrb- to help people affected by flooding in solomon islands , foreign minister murray mccully said on friday .", "summaries": ["nz to provide flood relief to solomon islands"]} +{"id": "gigaword-test-1757", "text": "boston celtics guard ray allen has been named the alternative to file in the vacancy left by injured orlando magic guard jameer nelson for the all-star game , said the nba on thursday .", "summaries": ["allen to replace nelson for nba all-star game"]} +{"id": "gigaword-test-1758", "text": "chicago , feb. # -lrb- xinhua -rrb- - gold futures on the comex division of the new york mercantile exchange edged higher friday due to investors ' profit-taking after the disappointing unemployment data .", "summaries": ["gold ended slightly higher on profit-taking after unemployment data"]} +{"id": "gigaword-test-1759", "text": "angola and cuba called here on saturday for establishing a more democratic , equitable and fair international economic policy .", "summaries": ["xinhua world economic news summary at #### UNK feb. #"]} +{"id": "gigaword-test-1760", "text": "the chairperson of the commission of the african union -lrb- au -rrb- , jean ping , decided on sunday to dispatch cote d'ivoire 's former foreign minister amara essy as an envoy to antananarivo , capital of madagascar .", "summaries": ["#st ld UNK : au chief decides to send envoy to madagascar"]} +{"id": "gigaword-test-1761", "text": "ten civilians , including a nine - year-old boy , have been wounded in mortar attacks staged by islamic militants holding three aid workers of the international committee of the red cross monday night in the southern philippine island of sulu , police said .", "summaries": ["UNK : ## wounded as militants fire mortars at philippine marine"]} +{"id": "gigaword-test-1762", "text": "u.s. president barack obama vowed on monday to prevent nuclear proliferation during his presidency .", "summaries": ["UNK : obama UNK to prevent nuclear proliferation"]} +{"id": "gigaword-test-1763", "text": "southern israel was hit by a rocket fired from the gaza strip on tuesday night , just minutes before the general election ends , local daily ha'aretz reported .", "summaries": ["UNK : southern israel hit by gazan rocket"]} +{"id": "gigaword-test-1764", "text": "prague , feb. ## -lrb- xinhua -rrb- -- czech president vaclav klaus on tuesday ratified an agreement signed by the european union and south korea in helsinki on sept. # , #### , on cooperation in europe 's galileo satellite navigation project .", "summaries": ["czech president ratifies galileo project accord between eu and s. korea"]} +{"id": "gigaword-test-1765", "text": "australia 's jobless rate has climbed from #.# percent in december to #.# percent in january , figures released thursday by the australian bureau of statistics -lrb- abs -rrb- showed .", "summaries": ["australian jobless rate hits #.# pct"]} +{"id": "gigaword-test-1766", "text": "chinese president hu jintao continued his state visit to saudi arabia on wednesday -lrb- local time -rrb- , the first leg of his five-nation `` trip of friendship and cooperation .", "summaries": ["facts and figures about chinese president 's foreign tour"]} +{"id": "gigaword-test-1767", "text": "final results showed thursday that israel 's centrist party kadima led by foreign minister tzipi livni secured ## seats in the ##th knesset -lrb- parliament -rrb- election , keeping a slight lead over its main rival likud party .", "summaries": ["#nd ld : final results confirm kadima 's lead in israeli election"]} +{"id": "gigaword-test-1768", "text": "an airliner with ## people on board crashed into a home in the u.s. state of new york on tuesday evening , with ## people reported to be killed .", "summaries": ["#rd ld : plane crashes in u.s."]} +{"id": "gigaword-test-1769", "text": "lebanese pro-government leaders , speaking at the rally marking the fourth anniversary of former prime minister UNK hariri 's assassination on saturday , renewed their animosity to syria , lbc tv broadcasted the ceremony live .", "summaries": ["anniversary of hariri 's assassination renewed animosity to syria : report"]} +{"id": "gigaword-test-1770", "text": "david beckham 's hopes of a permanent move from los angeles galaxy to ac milan were crushed on friday as the italian club failed to raise its bid for the england midfielder .", "summaries": ["cross-country world cup results"]} +{"id": "gigaword-test-1771", "text": "chinese feather and down makers voiced their indignation over the `` untruthful '' report by a swedish media about the wide practice of UNK of geese and ducks in china on saturday , saying a very small number of such cases should not distort the entire industry .", "summaries": ["china feather and down producer says UNK report untruthful"]} +{"id": "gigaword-test-1772", "text": "venezuelan president hugo chavez won a constitutional referendum lifting term limits to allow him to stay in power as long as he keeps winning elections .", "summaries": ["UNK : venezuelan constitutional referendum allows chavez to run in ####"]} +{"id": "gigaword-test-1773", "text": "vietnam is among the countries most vulnerable to the chronic hepatitis b virus with more than eight percent of vietnamese people contracting the virus , the local newspaper the youth reported tuesday .", "summaries": ["vietnamese people vulnerable to hepatitis b virus : experts"]} +{"id": "gigaword-test-1774", "text": "china 's participation in united nations -lrb- un -rrb- peacekeeping operations has expanded dramatically , according to a report published by the stockholm international peace research institute -lrb- sipri -rrb- on tuesday .", "summaries": ["china expanding un peacekeeping role says swedish institute"]} +{"id": "gigaword-test-1775", "text": "new zealand women are having more children and the country 's birth rate reached its highest level in ## years , statistics new zealand said on wednesday .", "summaries": ["new zealand birth rate reaches ##-year high"]} +{"id": "gigaword-test-1776", "text": "third , to promote mutual benefit and win-win cooperation UNK", "summaries": ["chinese president 's five-nation tour fruitful : fm UNK part ii"]} +{"id": "gigaword-test-1777", "text": "the government and major international financial institutions have different predictions of cambodia 's economic growth rate for this year , english - language daily newspaper the phnom penh post said on thursday .", "summaries": ["nikkei up #.# pct in morning trading"]} +{"id": "gigaword-test-1778", "text": "the argentine foreign ministry summoned the italian ambassador to argentina on wednesday to express its displeasure over recent remarks by italian prime minister silvio berlusconi .", "summaries": ["argentina voices discomfort over italian pm comments"]} +{"id": "gigaword-test-1779", "text": "iran has vowed it would not suspend its nuclear work after the latest report from the international atomic energy agency -lrb- iaea -rrb- said tehran has slowed its uranium enrichment program , iran 's english-language satellite news channel press tv reported on friday .", "summaries": ["iran says not to suspend nuclear work"]} +{"id": "gigaword-test-1780", "text": "by shao jie , ma UNK , zheng UNK UNK", "summaries": ["foreign exchange rates in bulgaria"]} +{"id": "gigaword-test-1781", "text": "a katyusha rocket fired from lebanon on saturday morning hit the western galilee in north israel , causing two lightly hurt , israel radio reported .", "summaries": ["xinhua middle east news advisory feb. ##"]} +{"id": "gigaword-test-1782", "text": "israeli president shimon peres officially entrusted the chairman of the right - wing likud party benjamin netanyahu with the task of building a coalition , ## days after the parliamentary election .", "summaries": ["xinhua world news summary at #### UNK feb. ##"]} +{"id": "gigaword-test-1783", "text": "china is willing to make joint efforts with malta to further promote their traditional friendly relations , visiting chinese vice president xi jinping said here on saturday .", "summaries": ["roundup : chinese vice president starts official visit to malta"]} +{"id": "gigaword-test-1784", "text": "the brunei currency and monetary board has unveiled silver jubilee national day commemorative coins with face values of ## brunei dollars , #.## brunei dollars and #.## brunei dollar , all bearing the number of years since brunei achieved its independence from britain , the brunei times reported on monday .", "summaries": ["brunei unveils national day commemorative coins"]} +{"id": "gigaword-test-1785", "text": "by ren ke , wang xiaolei and quan UNK , china features UNK", "summaries": ["china focus : to stay or to go out again chinese migrant workers strive for a living back home UNK #"]} +{"id": "gigaword-test-1786", "text": "lusaka , feb. ## -lrb- xinhua -rrb- -- the voluntary repatriation of angolan refugees remaining in zambia will resume in may this year , according to a statement released on tuesday .", "summaries": ["zambia to restart repatriation of angolan refugees"]} +{"id": "gigaword-test-1787", "text": "lakes , rivers and the air in many places in china are still polluted , some seriously , in spite of continuous efforts to control pollution , a chinese environmental official said tuesday .", "summaries": ["air quality of major chinese cities feb. ##"]} +{"id": "gigaword-test-1788", "text": "the kenyan government on wednesday challenged african scientists to research on viable farming methodology that could help mitigate the perennial food insecurity in the continent during prolonged dry spells .", "summaries": ["africa urged to device new farming methods to avert food crisis"]} +{"id": "gigaword-test-1789", "text": "the chinese mainland and taiwan will start two-way postal remittance services on thursday for the first time in ## years , fan liqing , spokeswoman of the state council taiwan affairs office said here wednesday .", "summaries": ["UNK : mainland taiwan to start two-way postal remittance services on feb. ##"]} +{"id": "gigaword-test-1790", "text": "by xinhua writers xu UNK , zhang UNK , xu duo UNK", "summaries": ["news analysis : summit to usher in asean new era"]} +{"id": "gigaword-test-1791", "text": "host china winded up the speed skating competitions at the harbin universiade with a gold medal in the women 's team pursuit here thursday , while south korea narrowly missed the men 's title .", "summaries": ["results of curling at winter universiade"]} +{"id": "gigaword-test-1792", "text": "sony corp. said friday its president ryoji chubachi will step down from his post in april while howard stringer will double as both the president and chairman , kyodo news reported .", "summaries": ["UNK : sony president to step down in UNK : report"]} +{"id": "gigaword-test-1793", "text": "thirty high school students in south china 's guangdong province have been suspended after they were suspected of gambling on nba games , local education authorities said thursday .", "summaries": ["english premier league fixtures"]} +{"id": "gigaword-test-1794", "text": "former serbian president milan milutinovic returned to belgrade on friday evening after he had been acquitted by the un war crimes tribunal in the hague one day ago .", "summaries": ["former serbian president returns home after being acquitted war crimes charges"]} +{"id": "gigaword-test-1795", "text": "a graduation ceremony was held friday for the eighth class of the beijing-based high-level tibetan buddhism college of china .", "summaries": ["collated results from china diving grand prix"]} +{"id": "gigaword-test-1796", "text": "future generations of switzerland will have to pay a heavy price for the standard of living currently enjoyed by swiss men and women , swiss radio international -lrb- sri -rrb- reported friday .", "summaries": ["swiss future generations face heavy financial burden : radio"]} +{"id": "gigaword-test-1797", "text": "following are facts and figures about china 's main export commodities from january to april , #### , released by the general administration of customs : UNK", "summaries": ["facts & figures : china 's main export commodities"]} +{"id": "gigaword-test-1798", "text": "a u.s. federal prosecutor asked a federal judge monday to refuse to delay timothy mcveigh 's execution , saying that newly released documents do not have any bearing on his conviction and sentence .", "summaries": ["u.s. federal prosecutor opposes delay in mcveigh 's execution"]} +{"id": "gigaword-test-1799", "text": "india was prepared to discuss all outstanding issues including kashmir with pakistan and `` we are hopeful of finding some solution during talks with musharraf in new delhi , '' vajpayee was quoted as saying during his visit to west state of gujarat , which was hit by a strong earthquake in january .", "summaries": ["india ready to discuss kashmir with pakistan : vajpayee"]} +{"id": "gigaword-test-1800", "text": "the international fund for agriculture development -lrb- ifad -rrb- will assist china to push ahead with the UNK project it finances , in an effort to help more poor chinese farmers get rid of poverty .", "summaries": ["ifad official visits guizhou"]} +{"id": "gigaword-test-1801", "text": "`` environmental challenges that were identified in the early ####s continue to haunt the region and are in fact exacerbated by the emergence of new risks linked to poverty and globalization , '' kim UNK , UNK of the u.n. economic and social commission for asia and the pacific -lrb- escap -rrb- said at the launching ceremony of the state of the environment report in asia-pacific #### , here tuesday night .", "summaries": ["UNK chief calls for immediate action against regional environmental deterioration"]} +{"id": "gigaword-test-1802", "text": "inflation rate in kenya went down last month as basic food prices and power bills dipped , the central bank of kenya has said .", "summaries": ["kenya 's inflation rate gets lower"]} +{"id": "gigaword-test-1803", "text": "the heads of five former soviet republics ended their meeting in yalta , southern ukraine , on thursday with the signing of a series of documents , turning the informal guuam group into an international organization .", "summaries": ["guuam group becomes formal international organization"]} +{"id": "gigaword-test-1804", "text": "three-time world champions germany defeated albania #-# in a world cup european zone qualifying match wednesday night while poland suffered a minor setback in their attempt to take their first world cup berth since #### .", "summaries": ["germans english irish win poland draw in world cup qualifiers"]} +{"id": "gigaword-test-1805", "text": "china values its ties with japan , and the healthy and steady development of sino-japanese ties needs concerted efforts from both sides , said vice-premier qian qichen here friday .", "summaries": ["healthy UNK ties need concerted efforts from both sides : vice premier"]} +{"id": "gigaword-test-1806", "text": "intel corp. , one of the world 's largest chip makers , has cast a sanguine view about the semiconductor industry as it reported that signs of stability are in sight in the microprocessor business and overall demand is expected to UNK new momentum later this year .", "summaries": ["intel offers sanguine view about chip industry"]} +{"id": "gigaword-test-1807", "text": "china and the u.s. have reached full consensus on the remaining issues concerning the multi-lateral talks on china 's accession to the world trade organization -lrb- wto -rrb- .", "summaries": ["china u.s. reach consensus on wto remaining issues UNK details added eds-details added"]} +{"id": "gigaword-test-1808", "text": "the thai government has set aside ### million baht -lrb- about ##.## million u.s. dollars -rrb- to support new eco-tourism plans during ####-#### , according to a report of the thai news agency -lrb- tna -rrb- tuesday .", "summaries": ["thai government to support eco-tourism"]} +{"id": "gigaword-test-1809", "text": "northeast china 's jilin province has decided to fight the serious water pollution with a total investment of #.# billion yuan -lrb- #.## billion us dollars -rrb- over the next decade .", "summaries": ["jilin steps up efforts for water protection"]} +{"id": "gigaword-test-1810", "text": "fu quanyou , chief of the general staff of the people 's liberation army , met here tuesday with visiting mongolian defense minister UNK UNK and his party .", "summaries": ["chief of general staff meets mongolian guests"]} +{"id": "gigaword-test-1811", "text": "china 's international travel agencies are making more profits as there are more chinese people going abroad and more overseas tourists coming to china , the china national tourism administration -lrb- cnta -rrb- said tuesday .", "summaries": ["china 's international travel agencies gain more profits"]} +{"id": "gigaword-test-1812", "text": "the new zealand sharemarket closed higher here wednesday .", "summaries": ["new zealand stocks close higher"]} +{"id": "gigaword-test-1813", "text": "geneva , june ## -lrb- xinhua -rrb- -- the swiss national bank announced thursday that it has decided to continue its current monetary policy , leaving interest rates unchanged , according to a report of swiss radio international -lrb- sri -rrb- .", "summaries": ["swiss central bank keeps interest rates unchanged"]} +{"id": "gigaword-test-1814", "text": "attorney general rafael macedo said wednesday that magana was captured in his car .", "summaries": ["suspected drug kingpin UNK in mexico"]} +{"id": "gigaword-test-1815", "text": "making use of the great potential and extensive opportunities in trade and economic cooperation among the member states , the sco will promote the further development of bilateral and multilateral cooperation between and among member states and the pluralism of cooperation .", "summaries": ["declaration of shanghai cooperation organization UNK #"]} +{"id": "gigaword-test-1816", "text": "south african president thabo mbeki on saturday urged the country 's youths to face the challenges of poverty , unemployment , racism and the spread of aids .", "summaries": ["s. african youths urged to face challenges"]} +{"id": "gigaword-test-1817", "text": "the booming southern city of shenzhen will spend three billion yuan -lrb- about ### million u.s. dollars -rrb- to build a modern UNK high-tech industrial park .", "summaries": ["shenzhen to build UNK high-tech park"]} +{"id": "gigaword-test-1818", "text": "hong kong 's hang seng china enterprises index lost ##.## points , or #.## percent , to close at ###.## monday .", "summaries": ["weather forecast for major chinese cities"]} +{"id": "gigaword-test-1819", "text": "french president jacques chirac said tuesday he will discuss french-russian cooperation in the aeronautic field , especially `` relations between air france and aeroflot '' during his coming visit to russia from july #-# .", "summaries": ["chirac envisions french-russian cooperation in aeronautic field"]} +{"id": "gigaword-test-1820", "text": "the canadian economy will bounce back in the #th quarter with an aggressive monetary policy , economists with canada 's td bank said in their latest quarterly forecast released monday .", "summaries": ["canadian economy seen to bounce back in #th quarter"]} +{"id": "gigaword-test-1821", "text": "the gold price in hong kong remained unchanged to close at #,### hk dollars a tael wednesday , according to bank of china group .", "summaries": ["gold price in hong kong unchanged"]} +{"id": "gigaword-test-1822", "text": "egypt and lebanon will hold the fifth session of their joint higher committee on monday to discuss ways of activating a deal on establishing a free trade zone between the two countries .", "summaries": ["egypt lebanon to discuss activating free trade zone accord"]} +{"id": "gigaword-test-1823", "text": "as the indonesian people 's consultative assembly -lrb- mpr -rrb- finished drafting decrees relating to president abdurrahman wahid 's accountability , some large political parties in the country would hold meeting to narrow possible differences on the agenda of the special mpr session scheduled for august # .", "summaries": ["indonesian large parties to meet on assembly session agenda"]} +{"id": "gigaword-test-1824", "text": "japan 's organising committee for the #### world cup soccer finals is counting on the nation 's popular soccer lottery to help finance the extravaganza , an official said .", "summaries": ["UNK organiser counting on soccer lottery for world cup costs"]} +{"id": "gigaword-test-1825", "text": "starting as a high-school teacher , yue UNK , now aged ## , used to be the head of a county affiliated to beijing .", "summaries": ["feature : first beijing vice-mayor faces legislators review UNK #"]} +{"id": "gigaword-test-1826", "text": "the china association for science and technology -lrb- cast -rrb- recently came up with various kinds of ways to popularize education and science for young people , in order to help them improve their scientific awareness and innovation .", "summaries": ["science association improves scientific awareness of youth"]} +{"id": "gigaword-test-1827", "text": "china is expected to become a full member of the world trade organization -lrb- wto -rrb- within this year , monday 's international business daily -lrb- ibd -rrb- quoted local trade experts as saying .", "summaries": ["weather forecast for major chinese cities"]} +{"id": "gigaword-test-1828", "text": "greece 's equity prices continued its downward trend on tuesday with the general index on the athens stock exchange -lrb- ase -rrb- recording its seventh consecutive record low this year .", "summaries": ["greek stocks continue downward trend"]} +{"id": "gigaword-test-1829", "text": "the australian stock market dipped into negative territory wednesday with investors opting for the sidelines ahead of a possible interest rate cut in the united states .", "summaries": ["australian stocks tumble"]} +{"id": "gigaword-test-1830", "text": "a series of emergency measures have been taken in northeast china 's liaoning province in a massive campaign against drought believed to be the most serious since #### .", "summaries": ["northeast china province fights drought"]} +{"id": "gigaword-test-1831", "text": "israeli troops bombed a lebanese village along the border on friday as a retaliation for attacks by lebanese resistance guerrilla group hezbollah on israeli positions in the disputed shebaa farms , oriental radio reported .", "summaries": ["israel attacks lebanese village for injury of two soldiers"]} +{"id": "gigaword-test-1832", "text": "europe 's major stock markets ended higher on friday , with tech stocks gaining on the back of a UNK rally on wall street .", "summaries": ["europe 's major stocks end week higher"]} +{"id": "gigaword-test-1833", "text": "northwest china 's shaanxi province approved the establishment of ### direct foreign investment -lrb- dfi -rrb- projects in #### .", "summaries": ["northwest china 's shaanxi using more direct foreign investment"]} +{"id": "gigaword-test-1834", "text": "sixteen syndicates from ## countries will vie for the renowned america 's cup yachting race in new zealand in #### and #### , making the largest entry in the history .", "summaries": ["new zealand to host biggest ever america 's cup"]} +{"id": "gigaword-test-1835", "text": "china hopes that all parties concerned take a restrained and flexible attitude to avoid worsening of the iraq crisis , chinese foreign ministry spokesman zhu bangzao said here today .", "summaries": ["chinese fm spokesman comments on iraq crisis"]} +{"id": "gigaword-test-1836", "text": "the political uncertainty in nepal ended wednesday as king birendra finally chose to accept the submission by ## mps to convene a special session of parliament on february ## to discuss their no-confidence motion against the present government .", "summaries": ["nepali king calls special parliament session ending"]} +{"id": "gigaword-test-1837", "text": "UNK", "summaries": ["britons ready to pay more on health services"]} +{"id": "gigaword-test-1838", "text": "andreas widhoelzl of austria collected an aggregate score of ###.# points to win a world cup ski jumping event at sapporo , japan on thursday .", "summaries": ["major news items in leading s. african UNK"]} +{"id": "gigaword-test-1839", "text": "the first batch of ##,### live chicken will be shipped to hong kong from shenzhen this evening after going through rigid quarantine procedures .", "summaries": ["chinese inland resuming chicken supply to hong kong"]} +{"id": "gigaword-test-1840", "text": "turkey 's leftist parties held demonstrations here friday to protest the aggressive policy of the united states toward iraq , local tv reported .", "summaries": ["anti-us demonstration held in turkey"]} +{"id": "gigaword-test-1841", "text": "the fall in international prices and UNK demand at home could help india save one billion u.s. dollars in its oil import bill during the ####-## fiscal year starting april # , petroleum ministry officials said sunday .", "summaries": ["india cuts its import bill of crude oil"]} +{"id": "gigaword-test-1842", "text": "king juan carlos i and queen sofia of spain will arrive in manila on february ## for a three-day visit to highlight spain 's active participation in the celebration of the centenary of philippine independence .", "summaries": ["spanish king to visit philippines"]} +{"id": "gigaword-test-1843", "text": "qatari emir sheikh hamad bin khalifa al-thani arrived in jeddah , saudi arabia , monday on a surprise visit for talks with saudi king fahd on the latest developments in the gulf region .", "summaries": ["xinhua world news summary at ## UNK february #"]} +{"id": "gigaword-test-1844", "text": "hong kong stocks dropped ###.## points , or #.## percent , to close at ##,###.## at midday tuesday .", "summaries": ["hong kong shares close down midday"]} +{"id": "gigaword-test-1845", "text": "the philippines ' commission on elections -lrb- comelec -rrb- said wednesday that it will eliminate those `` nuisance '' candidates and allow those qualified to start their campaign drive for the may ## general elections .", "summaries": ["philippine poll body to eliminate nuisance"]} +{"id": "gigaword-test-1846", "text": "germany launched celebrations tuesday to mark the centenary of the birth of the country 's world-class playwright , bertolt brecht .", "summaries": ["germany marks centenary birth of UNK brecht"]} +{"id": "gigaword-test-1847", "text": "the upcoming china visit by president ali abdulla saleh of the republic of yemen should further strengthen the friendly relations and cooperation between the two countries .", "summaries": ["ambassador on UNK relations and middle east issue"]} +{"id": "gigaword-test-1848", "text": "sudanese first vice president UNK mohammed salih was killed thursday in a plane crash in southern sudan .", "summaries": ["sudanese first vice president killed in plane"]} +{"id": "gigaword-test-1849", "text": "slovenian champions olimpija ljubljana beat kinder bologna ##-## in their euroleague basketball group g match in ljubljana , slovenia on thursday .", "summaries": ["UNK olimpija edges kinder bologna in euroleague"]} +{"id": "gigaword-test-1850", "text": "a chinese UNK pharmaceutical factory in wuhan city of central china 's hubei province has begun the cultivation of UNK or UNK , a very precious medicinal material for traditional chinese medicine .", "summaries": ["china produces cow gallstones in factory"]} +{"id": "gigaword-test-1851", "text": "bulgarian president peter stoyanov said saturday that progress has been made in relations with the united states during his visit to washington .", "summaries": ["bulgarian president on u.s. visit"]} +{"id": "gigaword-test-1852", "text": "marianne timmer of the netherlands won her country 's third nagano olympic speed skating gold with a surprise world record as she claimed the women 's #,### m race at the `` UNK '' on monday .", "summaries": ["news items from asia-pacific desk of xinhua"]} +{"id": "gigaword-test-1853", "text": "the australian dollar was little changed tuesday as those hoping a much-awaited australian central bank report would signal an easing in monetary policy were disappointed .", "summaries": ["qualifying results of thomas\\/uber cup in europe"]} +{"id": "gigaword-test-1854", "text": "sixty-two percent of french people think that nuclear energy will play a far more important role than other energies ## years from now , according to a poll published tuesday .", "summaries": ["most french people support use of nuclear energy"]} +{"id": "gigaword-test-1855", "text": "fidel castro , cuba 's president of the council of state , met with a chinese delegation here tuesday .", "summaries": ["castro meets chinese official"]} +{"id": "gigaword-test-1856", "text": "following is the medal standing at the ##th olympic winter games -lrb- tabulated under team , gold , silver and bronze -rrb- : UNK", "summaries": ["medal standing at ##th olympic winter games"]} +{"id": "gigaword-test-1857", "text": "former world champion finnish driver ari vatanen will replaced injured belgian bruno thiry on the ford team for the safari rally at the end of this month , the team announced wednesday .", "summaries": ["vatanen to replace injured thiry"]} +{"id": "gigaword-test-1858", "text": "`` i 'm convinced that the confidence of outside investors will not be gone for long , '' he observed .", "summaries": ["ec vice-president praises post-handover hk UNK #"]} +{"id": "gigaword-test-1859", "text": "pakistan and iran are working closely towards a durable peaceful settlement of the long-running afghan conflict , the associated press of pakistan -lrb- app -rrb- said friday .", "summaries": ["pakistan iran working closely for durable afghan"]} +{"id": "gigaword-test-1860", "text": "tehran , february ## -lrb- xinhua -rrb- - iran saturday announced its welcome to more cultural exchanges between its people and those of the united states , in the wake of an american wrestling team 's visit to tehran .", "summaries": ["weather forecast for major world cities"]} +{"id": "gigaword-test-1861", "text": "the following are major business briefs from countries of the middle east : UNK", "summaries": ["middle east business briefs"]} +{"id": "gigaword-test-1862", "text": "the sri lankan government will release a fund of ## million rupees -lrb- almost one million u.s. dollars -rrb- within this week to activate and strengthen the newly elected local government bodies in the north .", "summaries": ["sri lanka allocates fund for local government bodies"]} +{"id": "gigaword-test-1863", "text": "nearly #,### iraqi children below # and about #,### elderly died last month due to diseases partly caused by harsh international economic sanctions , the iraqi news agency reported tuesday .", "summaries": ["nearly #,### iraqis die in january"]} +{"id": "gigaword-test-1864", "text": "UNK and the china meteorological administration tuesday signed an agreement here on long - and short-term cooperation in projects involving meteorological satellites and satellite meteorology .", "summaries": ["UNK china to cooperate in meteorology"]} +{"id": "gigaword-test-1865", "text": "laos tuesday undertook the country 's first major leadership change in five years , according to news reaching here wednesday .", "summaries": ["laos reshuffles government"]} +{"id": "gigaword-test-1866", "text": "the ##nd hong kong international film festival -lrb- UNK -rrb- will open in april , featuring ### newest and archival films to be the largest ever in the history of the major festival in the region .", "summaries": ["hk 's largest ever international film festival to open in UNK"]} +{"id": "gigaword-test-1867", "text": "african foreign ministers thursday deliberated in camera with whole day financial , political and socio-economic issues faced by the organization of african unity -lrb- oau -rrb- in the capital of ethiopia .", "summaries": ["african fms discuss financial political and"]} +{"id": "gigaword-test-1868", "text": "a plan has been drawn up for building a ###-million-u.s.-dollar pipeline to pump russian natural gas into albania .", "summaries": ["major news items in leading philippine UNK"]} +{"id": "gigaword-test-1869", "text": "major stock markets in europe all sustained their recent rally and ended the week higher , with london and paris all hitting another new closing highs .", "summaries": ["european shares up london paris hit new records"]} +{"id": "gigaword-test-1870", "text": "china 's ### million farmers are welcoming a long awaited bumper crop as the autumn grain harvest , which accounts for ## percent of china 's total annual grain output , is coming to a end .", "summaries": ["china 's grain production ends a five-year slide"]} +{"id": "gigaword-test-1871", "text": "hong kong shares ended higher tuesday as oil prices eased further , with the us presidential election also in focus .", "summaries": ["hk share prices end higher"]} +{"id": "gigaword-test-1872", "text": "defending champion tim henman of britain beat thailand 's paradorn srichaphan #-# , #-# to reach third round of the paris masters here on tuesday .", "summaries": ["henman hewitt advance in paris masters"]} +{"id": "gigaword-test-1873", "text": "chinese vice premier huang ju said here wednesday that worldwide engineers should cooperate with each other to contribute more to sustained development of the human society .", "summaries": ["engineers urged to contribute more to sustained development chinese vice premier"]} +{"id": "gigaword-test-1874", "text": "vietnam forecasts to gain export revenues of #.# billion us dollars in the two remaining months of this year , a year-on-year increase of ##.# percent .", "summaries": ["vietnam to post higher export earnings in next # months"]} +{"id": "gigaword-test-1875", "text": "us president george w. bush said thursday that there would be some changes to the cabinet for his second term .", "summaries": ["ecb main reference exchange rates"]} +{"id": "gigaword-test-1876", "text": "the marine police and the customs and excise department of hong kong announced friday that # million hong kong dollars -lrb- ###,### us dollars -rrb- worth of suspected contraband goods were seized off black point in tuen mun in a joint operation mounted thursday .", "summaries": ["hk police seize # million hk dollars worth of smuggled goods"]} +{"id": "gigaword-test-1877", "text": "pakistani prime minister shaukat aziz saturday felicitated afghan president hamid karzai on his victory in the presidential election and termed it a good omen for the future of democracy in afghanistan .", "summaries": ["pakistani prime minister greets karzai"]} +{"id": "gigaword-test-1878", "text": "the french defense ministry announced sunday france will send another ### supplemental troops , ## policemen and three airbus planes to cote d'ivoire , besides the ###-strong reinforcement from gabon .", "summaries": ["UNK : france to send new reinforcement to cote d'ivoire"]} +{"id": "gigaword-test-1879", "text": "those who are behind the destabilization moves against the philippine government have no force to carry out their plan although the military establishment continues to receive intelligence reports about supposed destabilization plots , the military said monday .", "summaries": ["results\\/standings of women 's field hockey champions trophy UNK UNK"]} +{"id": "gigaword-test-1880", "text": "arsenal manager arsene wenger was charged by the football association -lrb- fa -rrb- on monday with improper conduct over a reported comment about manchester united striker ruud van nistelrooy .", "summaries": ["wenger charged with improper conduct"]} +{"id": "gigaword-test-1881", "text": "the four top palestinian officials who are here to visit the ailing yasser arafat left his hospital tuesday without making a statement .", "summaries": ["men 's singles results at china open badminton"]} +{"id": "gigaword-test-1882", "text": "the sri lankan navy has taken into custody two indian fishing trawlers which were poaching sri lanka ' s northwestern coast and arrested ## indian fishermen on board , a local newspaper reported on wednesday .", "summaries": ["sri lankan navy arrests ## indian fishermen"]} +{"id": "gigaword-test-1883", "text": "scientists at an international symposium on climate change said a new report shows the kyoto protocol agreement on limiting fossil fuel emissions is not enough to slow the potentially disastrous warming of the planet , an official icelandic website reported on wednesday .", "summaries": ["scientists say kyoto protocol not enough to stop warming"]} +{"id": "gigaword-test-1884", "text": "the tanzanian parliament on wednesday ratified a protocol on the establishment of the east african community -lrb- eac -rrb- customs union to step up the regional economic integration .", "summaries": ["tanzanian lawmakers okay eac customs union"]} +{"id": "gigaword-test-1885", "text": "a french military transport plane carrying the body of late palestinian leader yasser arafat left here thursday after a brief solemn ceremony at a french military airport outside paris for the departure of arafat 's body to cairo , egypt for a state UNK .", "summaries": ["UNK : arafat 's body taken to cairo for state UNK"]} +{"id": "gigaword-test-1886", "text": "delegations from rwanda and neighboring uganda held talks here friday on security issues along the common borders , aimed at building stronger bilateral relations , rwandan state minister of foreign affairs UNK mitali said .", "summaries": ["rwanda uganda hold talks on common borders"]} +{"id": "gigaword-test-1887", "text": "visiting chinese president hu jintao pledged here friday to push forward the sino-brazilian strategic partnership .", "summaries": ["xinhua world economic news summary at #### UNK nov. ##"]} +{"id": "gigaword-test-1888", "text": "inspired by science and technology , tibetans , who have long adored the sun as a god , are now putting their deity to work .", "summaries": ["solar energy changes life of tibetans"]} +{"id": "gigaword-test-1889", "text": "cambodia and the world bank signed a ##-million us dollars credit on monday for rural electrification and power transmission project in cambodia .", "summaries": ["flash : iran agrees to UNK uranium conversion activities from nov. ##"]} +{"id": "gigaword-test-1890", "text": "remittances from overseas filipino workers -lrb- ofws -rrb- rose #.# percent to #.# billion us dollars in the first nine months of the year due to more deployment , the central bank said tuesday .", "summaries": ["remittances from overseas filipino workers rise in first # months"]} +{"id": "gigaword-test-1891", "text": "by zhang UNK , chen UNK UNK", "summaries": ["news analysis : iran 's concession on nuclear issue crucial but not conclusive"]} +{"id": "gigaword-test-1892", "text": "chinese flights has logged more than five million continuous hours of safety , the longest such streak in the nation 's history .", "summaries": ["china 's aviation industry sets safety flight record official"]} +{"id": "gigaword-test-1893", "text": "vietnam has recently detected a small number of chickens being infected with bird flu virus strain of h# , and remained highly alert for potential new outbreaks in winter when weather conditions favor the development of viruses .", "summaries": ["vietnam detects new bird flu infections"]} +{"id": "gigaword-test-1894", "text": "a leader of islamic resistance movement hamas was critically wounded in an israeli assassination attempt in the southern gaza strip town of rafah on thursday , palestinian witnesses and medics said .", "summaries": ["hamas leader survives israeli assassination"]} +{"id": "gigaword-test-1895", "text": "un secretary general kofi annan has called on african countries to stop shifting alliances against each other , suggesting that they solve cross-border issues by stronger regional cooperation .", "summaries": ["un chief says only regional cooperation can solve cross-border issues"]} +{"id": "gigaword-test-1896", "text": "fierce clashes broke out saturday between gunmen and iraqi national guards backed by us troops in the western UNK neighborhood , particularly along the main UNK UNK street , witnesses said .", "summaries": ["fierce clashes erupted in baghdad"]} +{"id": "gigaword-test-1897", "text": "prime minister of antigua and barbuda baldwin spencer left here monday for hong kong , winding up his four-day visit to shanghai .", "summaries": ["antigua and barbuda pm leaves shanghai for hong kong"]} +{"id": "gigaword-test-1898", "text": "the mainstream fatah movement on monday officially chose mahmoud abbas , chairman of the palestine liberation organization -lrb- plo -rrb- , as its candidate to run for the presidential election due on jan. # , #### , the official wafa news agency reported .", "summaries": ["#st lead : fatah chooses abbas as presidential candidate"]} +{"id": "gigaword-test-1899", "text": "three days before the international atomic energy agency -lrb- iaea -rrb- discusses iran 's nuclear issue , tehran suspended its controversial nuclear fuel work , a move likely to thwart us efforts to report the islamic republic to the un security council for possible sanctions .", "summaries": ["news analysis : iran suspends uranium enrichment to avert un sanctions"]} +{"id": "gigaword-test-1900", "text": "three malaysian and indonesian seamen kidnapped by philippine abu sayyaf kidnap-for-ransom group allegedly had been executed and the skeletons discovered in the southern philippines are believed to be their remains , a local television reported wednesday .", "summaries": ["abu sayyaf hostages allegedly executed : report"]} +{"id": "gigaword-test-1901", "text": "libya has no reserve on decisions made by the united nations -lrb- un -rrb- and african union -lrb- au -rrb- on france 's mandate in cote d'ivoire , french government spokesman said wednesday .", "summaries": ["french government says libya not opposed to decisions on cote d'ivoire"]} +{"id": "gigaword-test-1902", "text": "china will start testing the country 's prison population this month to identify hiv-positive prisoners , the ministry of health said thursday .", "summaries": ["fed cup semi-final results"]} +{"id": "gigaword-test-1903", "text": "all the ## victims including # killed and # injured have been identified as senior high school students of the second senior high school of UNK city , central china 's henan province , local police said friday .", "summaries": ["all ## victims of campus murder in central china are senior high school students"]} +{"id": "gigaword-test-1904", "text": "following are the podium finishers in the ####-#### women 's alpine skiing world cup : UNK", "summaries": ["standings of portuguese premier league"]} +{"id": "gigaword-test-1905", "text": "barcelona midfielder gerard will be out of action for up to two months after surgery for a groin injury , the spanish primera liga club said on saturday .", "summaries": ["barcelona midfielder gerard out for two months"]} +{"id": "gigaword-test-1906", "text": "newly-appointed russian ambassador to indonesia mikhail mikhailovich UNK has admitted that the existing economic relations between indonesia and russia are not enough to form a strategic partnership and pledged to boost trade during his tenure .", "summaries": ["russia seeks to boost trade with indonesia"]} +{"id": "gigaword-test-1907", "text": "china and asean started their process for building a free trade area with the signing of the '' agreement on trading in goods of the framework agreement on comprehensive economic cooperation between asean and china .", "summaries": ["roundup : china asean start process of building free trade area"]} +{"id": "gigaword-test-1908", "text": "the death toll due to the landslides and floods caused by a tropical storm in the northern philippines has risen to ## , the philippine government said tuesday .", "summaries": ["philippine authorities confirm ## killed in storm"]} +{"id": "gigaword-test-1909", "text": "british rowing great matthew pinsent , who won gold medals at each of the last four olympic games , announced here on tuesday his retirement from the sport .", "summaries": ["british rowing legend pinsent retires"]} +{"id": "gigaword-test-1910", "text": "israel 's security cabinet on tuesday approved an agreement with cairo to re-open the rafah crossing between the gaza strip and egypt under the supervision of european inspectors , israel radio reported .", "summaries": ["israel security cabinet nods to rafah crossing deal"]} +{"id": "gigaword-test-1911", "text": "israeli foreign minister silvan shalom said on wednesday that israel will halt its targeted killing of palestinian militants when palestinian leader mahmoud abbas begins to curb terror , israel radio reported .", "summaries": ["foreign exchange rates in vietnam"]} +{"id": "gigaword-test-1912", "text": "the united states has filed a trade case with the world trade organization -lrb- wto -rrb- accusing turkey of imposing unfair restrictions on us rice exports , us trade representative rob portman announced wednesday .", "summaries": ["us files wto case against turkey over rice sales restrictions"]} +{"id": "gigaword-test-1913", "text": "a mortar fired from the gaza strip landed in southern israel on thursday , lightly injuring a soldier , military sources said .", "summaries": ["palestinian mortar injures soldier in southern israel"]} +{"id": "gigaword-test-1914", "text": "pakistani leaders have appealed to the nation to celebrate this year 's eid festival with simplicity and sobriety in view of earthquake devastation and colossal human tragedy in the north west frontier province and pakistan-controlled kashmir .", "summaries": ["pakistani leaders call on nation to celebrate eid with simplicity"]} +{"id": "gigaword-test-1915", "text": "the european commission , the executive arm of the european union -lrb- eu -rrb- , said on friday that it had launched an anti-dumping investigation against chinese shoes .", "summaries": ["eu launches anti-dumping investigation against chinese shoes"]} +{"id": "gigaword-test-1916", "text": "strong earthquake aftershocks were felt in major pakistani cities of islamabad , mansehra , muzaffarabad and UNK at about #:## a.m. on sunday .", "summaries": ["china 's economic efficiency indicators : food manufacturing"]} +{"id": "gigaword-test-1917", "text": "UNK , one of the towns in suburban paris hit by rioting , was preparing monday to enact a nightime curfew , the mayor 's office said .", "summaries": ["UNK : paris suburban town plans curfew amid raging riots : report"]} +{"id": "gigaword-test-1918", "text": "share prices on the taiwan stock exchange closed lower tuesday , with the weighted index , the market 's key barometer , moving down ##.## points to close at #,### .", "summaries": ["taiwan share prices close down nov. #"]} +{"id": "gigaword-test-1919", "text": "the un security council on tuesday unanimously adopted a resolution extending the mandate of the multinational force in iraq until the end of next year , and allowing for a review of that mandate at any time , no later than mid-june #### , or for its termination , at the request of the iraqi government .", "summaries": ["un security council extends multinational force mandate"]} +{"id": "gigaword-test-1920", "text": "palestinian sources said on thursday that four palestinian officials were among the dead in wednesday night 's triple suicide bombings in the jordanian capital of amman .", "summaries": ["four palestinian officials among dead in amman suicide bombings"]} +{"id": "gigaword-test-1921", "text": "qiu le of china won the men 's ##kg category by hefting a total of ###kg to claim the gold medal in the world weightlifting championships here on thursday .", "summaries": ["qiu le levels junior world record at weightlifting worlds UNK UNK"]} +{"id": "gigaword-test-1922", "text": "a warlord in southern nigeria 's oil - rich niger delta region was on friday denied bail on the ground that he would constitute a security risk to africa 's most populous nation .", "summaries": ["nigerian court denies bail for oil delta warlord"]} +{"id": "gigaword-test-1923", "text": "chinese vice-premier zeng peiyan urged china 's major coal-producing province of shanxi to turn its economy to a sustainable development track .", "summaries": ["chinese vice-premier urges UNK shanxi to boost sustainable economy"]} +{"id": "gigaword-test-1924", "text": "world number sixth guillermo coria lost his first match at shanghai in an incredible lackluster style , beaten in straight sets by masters cup UNK ivan ljubicic of croatia here on sunday .", "summaries": ["ljubicic crashes coria in straight at masters cup"]} +{"id": "gigaword-test-1925", "text": "new york , nov. ## -lrb- xinhua -rrb- -- it is essential for china and the united states to have `` two-way street '' so that they can communicate closely , understand each other and learn from each other , said hunter rawlings , president of cornell university , in a recent interview with xinhua before his visit to china on monday .", "summaries": ["interview : two-way street essential for us-china ties by wang bo"]} +{"id": "gigaword-test-1926", "text": "all-time great andre agassi unexpectedly decided to quit after losing his first match in the shanghai masters cup here on monday .", "summaries": ["oldie agassi quits after straight-set lose to young master davydenko"]} +{"id": "gigaword-test-1927", "text": "at least three people were feared killed and several others injured on tuesday morning in a blast in the southern pakistani city of karachi , according to the geo tv .", "summaries": ["major news items in leading pakistani UNK"]} +{"id": "gigaword-test-1928", "text": "an over-loaded minibus overturned in a county in southwestern guizhou province tuesday afternoon , killing ## passengers and injuring three others .", "summaries": ["traffic accident kills ## injures # in sw china"]} +{"id": "gigaword-test-1929", "text": "the us energy department -lrb- doe -rrb- announced tuesday that an experimental project in canada to inject carbon dioxide into oil fields for its permanent storage in geologic formations proved to be successful .", "summaries": ["carbon dioxide permanent storage in oil field a success : us energy department"]} +{"id": "gigaword-test-1930", "text": "ryder cup stars thomas bjorn and paul casey both have set their sights on the ubs hong kong open trophy after confirming they will take part in the us$ #.# million tournament next month .", "summaries": ["bjorn casey set to compete in hong kong open"]} +{"id": "gigaword-test-1931", "text": "the anti-government guerrillas have kidnapped ### students and teachers in eastern nepal , local police office said thursday .", "summaries": ["major news items in leading pakistani UNK"]} +{"id": "gigaword-test-1932", "text": "japanese prime minister junichiro koizumi wednesday portrayed the japan-us alliance as the foundation for better relations with china and south korea .", "summaries": ["commentary : koizumi 's lopsided foreign policy helpless"]} +{"id": "gigaword-test-1933", "text": "chinese president hu jintao met here friday with donald tsang yam-kuen , chief executive of the hong kong special administrative region -lrb- hksar -rrb- , on the sidelines of the asia-pacific economic cooperation -lrb- apec -rrb- economic leaders ' meeting .", "summaries": ["chinese president meets hong kong sar chief executive"]} +{"id": "gigaword-test-1934", "text": "german chancellor designate angela merkel 's christian democrats and outgoing chancellor gerhard schroeder 's social democrats formally inked the coalition accord on friday reached between them a week ago .", "summaries": ["german parties sign coalition pact difference over health reform remains"]} +{"id": "gigaword-test-1935", "text": "us president george w. bush arrived here saturday evening for a three-day visit to china at the invitation of chinese president hu jintao .", "summaries": ["#st ld : us president arrives in beijing"]} +{"id": "gigaword-test-1936", "text": "chinese president hu jintao said here sunday that both china and the united states have agreed to expand bilateral trade and economic cooperation , believing it serves the common interests of the two countries and peoples .", "summaries": ["chinese president : china us to seek win-win economic cooperation"]} +{"id": "gigaword-test-1937", "text": "one of the six us marines accused of raping a ##-year-old filipina might be released since the victim and a key witness had failed to identify him in their sworn statements , philippine justice secretary raul gonzalez said on tuesday .", "summaries": ["one of six us marines accused of UNK may go : philippine authority"]} +{"id": "gigaword-test-1938", "text": "the johannesburg securities exchange -lrb- jse -rrb- finished tuesday in negative territory , dragged down by profit taking and a relatively strong rand .", "summaries": ["johannesburg bourse ends lower"]} +{"id": "gigaword-test-1939", "text": "the hong kong special administrative region -lrb- hksar -rrb- government would implement additional precautionary measures to prepare for a possible influenza pandemic caused by avian influenza , a spokesman for the health , welfare and food bureau said on wednesday .", "summaries": ["hk to take additional measures to deal with avian influenza"]} +{"id": "gigaword-test-1940", "text": "kenyan president mwai kibaki on wednesday dissolved his cabinet following overwhelming rejection of the draft constitution which he fully backed .", "summaries": ["xinhua world news summary at #### UNK nov. ##"]} +{"id": "gigaword-test-1941", "text": "a sample survey , launched by a taipei-based human resources bank , showed that ## percent of taiwanese office workers were willing to working on the chinese mainland , up #.# percent from #### .", "summaries": ["increasing number of taiwanese willing to work on mainland : survey"]} +{"id": "gigaword-test-1942", "text": "the international atomic energy agency -lrb- iaea -rrb- decided to postpone the referral of iran 's nuclear issue to the un security council on thursday , thus offering more time for a breakthrough of the iranian nuclear issue .", "summaries": ["foreign exchange rates in indonesia"]} +{"id": "gigaword-test-1943", "text": "the un general assembly approved on friday more funding for missions in cote d'ivoire and haiti over the year ending next june , in line with a security council decision to strengthen the un peacekeeping missions there .", "summaries": ["un increases funding for missions in haiti cote d'ivoire"]} +{"id": "gigaword-test-1944", "text": "a bronze statue of martial arts legend bruce lee was unveiled in the ethnically divided city of mostar in bosnia-herzegovina on saturday , a day before a second statue of him is unveiled in hong kong to mark his ##th birthday .", "summaries": ["bruce lee bronze unveiled in bosnian city"]} +{"id": "gigaword-test-1945", "text": "british aid worker norman kember has been kidnapped in iraq with three other westerners , the british foreign office said on sunday .", "summaries": ["briton UNK in iraq"]} +{"id": "gigaword-test-1946", "text": "migrants should be regarded as a high-risk group of hiv\\/aids infection and get more attention from the government , said a senior health official here monday .", "summaries": ["migrant people need more aids control efforts : chinese official"]} +{"id": "gigaword-test-1947", "text": "the growth rate of indonesia 's manufacturing industry had been slowing down during the first three quarters of the year , although it continued to expand quite rapidly , local report revealed on tuesday .", "summaries": ["major news items in leading vietnamese UNK"]} +{"id": "gigaword-test-1948", "text": "a mozambican man suspect of murdering jorge UNK , director of maputo central prison , has escaped from the city 's police headquarters , local media reported on tuesday .", "summaries": ["mozambican suspected of killing UNK prison director UNK"]} +{"id": "gigaword-test-1949", "text": "the us dollar fell to the lower ### yen level wednesday in tokyo after failing to breach the psychologically important ### yen barrier where many options - related yen-buying orders have been placed .", "summaries": ["dollar falls to lower ### yen level in tokyo"]} +{"id": "gigaword-test-1950", "text": "un under-secretary-general for political affairs ibrahim gambari said on wednesday that although the future of the peace process in the middle east is hopeful , it still faces immense challenges .", "summaries": ["un senior official says peace process in middle east hopeful with immense challenges"]} diff --git a/SCRL_new/data/test-data/google.jsonl b/SCRL_new/data/test-data/google.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..f39ce82e50886f42b6fd207cb8f520f6b01a10b7 --- /dev/null +++ b/SCRL_new/data/test-data/google.jsonl @@ -0,0 +1,1000 @@ +{"id": "http://www.sleafordstandard.co.uk/news/local/five-taken-to-hospital-with-minor-injuries-after-crash-on-a17-near-sleaford-1-5819576", "text": "Five people have been taken to hospital with minor injuries following a crash on the A17 near Sleaford this morning.", "summaries": ["Five people have been taken to hospital with minor injuries following a crash on the A17 near Sleaford."]} +{"id": "http://wtkr.com/2014/02/17/several-school-districts-hold-classes-on-presidents-day-to-make-up-for-days-missed/", "text": "Several school districts in Hampton Roads are holding classes this Presidents' Day to make up for days missed because of the snow.", "summaries": ["Several school districts are holding classes this Presidents ' Day to make up for days missed."]} +{"id": "http://www.caughtoffside.com/2013/12/09/luis-suarez-spotted-in-london-move-to-chelsea-or-arsenal-beckons/", "text": "Luis Suarez was spotted in London this afternoon and this has led the Daily Star to link the Liverpool striker to a potential move to Chelsea or Arsenal.", "summaries": ["Luis Suarez was spotted in London."]} +{"id": "http://wgntv.com/2013/09/21/woman-injured-by-falling-tree/", "text": "A woman was injured by a falling tree in the Gresham neighborhood, according to the Chicago Fire Department.", "summaries": ["A woman was injured by a falling tree."]} +{"id": "http://www.itv.com/news/central/update/2014-02-17/benjamin-zephaniah-to-lead-poetry-day-for-ex-offenders/", "text": "Birmingham poet Benjamin Zephaniah is today leading an interactive poetry day for ex-offenders in Birmingham.", "summaries": ["Benjamin Zephaniah is today leading an poetry day for ex-offenders."]} +{"id": "http://gadgets.ndtv.com/telecom/news/vodafone-seeks-regulatory-approval-to-take-full-control-of-its-indian-unit-439313", "text": "British mobile phone giant Vodafone said Tuesday it was seeking regulatory approval to take full control of its Indian unit for $1.65 billion, after New Delhi relaxed foreign ownership rules in the sector.", "summaries": ["Vodafone said it was seeking regulatory approval to take full control of its Indian unit."]} +{"id": "http://www.business-standard.com/article/markets/markets-remain-under-pressure-bank-and-metal-shares-decline-114022000166_1.html", "text": "Markets continued to remain under pressure on Thursday morning as financial heavyweights like ICICI Bank, HDFC, and HDFC Bank declined by 1-2% each.", "summaries": ["Markets continued to remain under pressure."]} +{"id": "http://www.hypable.com/2014/04/03/rick-riordan-reveals-cover-for-the-staff-of-serapis/", "text": "Rick Riordan has revealed the cover for his latest crossover short story, ``Staff of Serapis,'' which features Annabeth Chase and Sadie Kane.", "summaries": ["Rick Riordan has revealed the cover for his story, Staff of Serapis."]} +{"id": "http://www.thefinancialexpress-bd.com/2014/03/01/21256", "text": "Ukraine accused Russia Saturday of sending thousands of extra troops into Crimea as the Kremlin vowed to help restore calm on the flashpoint peninsula and Washington warned of ``costs'' to Moscow should it use force.", "summaries": ["Ukraine accused Russia of sending thousands of troops into Crimea."]} +{"id": "http://www.wftv.com/news/news/local/man-charged-killing-father-cleared-grand-jury/nZ3Bq/", "text": "A man charged with killing his father in a fight outside a busy Orlando restaurant was just cleared by a grand jury.", "summaries": ["A man charged with killing his father was cleared by a grand jury."]} +{"id": "http://www.seattlepi.com/news/world/article/Officials-Attacks-west-of-Baghdad-kill-8-troops-5087737.php", "text": "A new wave of attacks across Iraq killed at least 20 people and wounded dozens on Monday as the government pressed on with its offensive to hunt down al-Qaida-linked militants in the country's volatile western desert.", "summaries": ["A wave of attacks across Iraq killed at least 20 people."]} +{"id": "http://www.dailytelegraph.com.au/business/breaking-news/new-zealand-shares-fall-for-third-session/story-fni0xqe3-1226682107819", "text": "NEW Zealand shares fell for a third session as institutional investors re-weighted their portfolios ahead of changes to the market index next week.", "summaries": ["NEW Zealand shares fell for a third session."]} +{"id": "http://www.pittnews.com/sports/article_f0858aac-6148-11e3-8b33-0019bb30f31a.html", "text": "At a ceremony held in Charlotte, NC, Monday night, Pitt defensive tackle Aaron Donald won the 2013 Bronko Nagurski Trophy.", "summaries": ["Aaron Donald won the 2013 Bronko Nagurski Trophy."]} +{"id": "http://au.ibtimes.com/articles/505173/20130911/rape-united-nations-new-delhi.htm", "text": "One in four men admitted raping a woman once in their life according to a report from United Nations.", "summaries": ["One in four men admitted raping a woman."]} +{"id": "http://voiceofrussia.com/news/2013_10_31/Russia-fully-compensating-for-environmental-effects-of-Olympic-Games-4926/?bottom=news", "text": "Deputy Prime Minister Dmitry Kozak, in charge of the government's Olympic preparations, told an IOC conference in Sochi Wednesday that Russia was ``fully compensating'' for any environmental effects of the Games.", "summaries": ["Russia was fully compensating for any environmental effects of the Games."]} +{"id": "http://www.rttnews.com/2254050/cairn-energy-plans-nine-wells-in-2014-exploration-programme-quick-facts.aspx", "text": "Oil & gas giant Cairn Energy Plc., in its pre-close update, said that it plans to drill nine wells in its 2014 exploration programme across an attractive mix of frontier and mature basins.", "summaries": ["Cairn Energy Plc. plans to drill nine wells in its 2014 exploration programme."]} +{"id": "http://www.business-standard.com/article/pti-stories/three-hacked-to-death-over-land-dispute-113101200284_1.html", "text": "Three members of a family were hacked to death over a land dispute between two groups of people in Garhaiwadi village of Bihar's Kishanganj district, police said.", "summaries": ["Three members were hacked to death over a land dispute."]} +{"id": "http://www.broadwayworld.com/article/Gannett-Completes-Acquisition-Of-Belo-20131223", "text": "MCLEAN, Va., Dec. 23, 2013 /PRNewswire/ Gannett Co., Inc. announced today that it has completed its previously announced acquisition of Belo Corp. for $13.75 per share in cash, in addition to the assumption of $715 million of outstanding debt, for a total transaction value of $2.2 billion.", "summaries": ["Gannett Co. Inc. has completed its acquisition of Belo Corp."]} +{"id": "http://msn.foxsports.com/olympics/story/us-champion-abbott-falls-hard-in-short-program-021314", "text": "SOCHI, Russia US champion Jeremy Abbott fell hard on an attempted quadruple toe loop Thursday in the men's short program at the Olympics, yet finished the routine.", "summaries": ["US champion Jeremy Abbott fell hard in the men's short program."]} +{"id": "http://www.looktothestars.org/news/11062-kathy-griffin-to-host-trevorlive", "text": "Long time LGBTQ ally and activist, multi-Grammy Award-nominated, two-time Emmy Award-winning comedian and #1 New York Times bestselling author Kathy Griffin will host TrevorLIVE in Los Angeles on December 8th at the Hollywood Palladium, presented by Audi of America and Wells Fargo.", "summaries": ["Comedian Kathy Griffin will host TrevorLIVE."]} +{"id": "http://www.sbs.com.au/news/article/2014/02/26/positive-signs-emerging-treasurys-gruen", "text": "The Australian Treasury believes positive signs are emerging in the Australian economy.", "summaries": ["Positive signs are emerging."]} +{"id": "http://newswire.xbiz.com/view.php?id=176246", "text": "Vine, the mobile app owned by Twitter, has banned sexually explicit content, effective immediately.", "summaries": ["Vine has banned sexually explicit content."]} +{"id": "http://en.escambray.cu/2014/united-kingdom-denies-visa-to-cuban-antiterrorist-fighter-rene-gonzalez/", "text": "The government of the United Kingdom denied visa to Cuban antiterrorist fighter Rene Gonzalez, invited to the International Commission of Inquiry about the case of the Five, to be run on March 7-8 in London.", "summaries": ["The government of the United Kingdom denied visa to Cuban antiterrorist fighter Rene Gonzalez."]} +{"id": "http://online.wsj.com/article/SB10001424127887323740804578596883503688540.html", "text": "The dollar fell against its major rivals as investors questioned the timing of a potential reduction in Federal Reserve stimulus.", "summaries": ["The dollar fell against its rivals."]} +{"id": "http://www.usmagazine.com/celebrity-moms/news/maya-rudolph-welcomes-fourth-child-2013109", "text": "Maya Rudolph and longtime partner Paul Thomas Anderson have welcomed their fourth child, a source confirms to Us Weekly.", "summaries": ["Maya Rudolph have welcomed their fourth child."]} +{"id": "http://hollywoodlife.com/2013/07/31/kristen-stewart-bra-picture-wardrobe-malfunction-new-dog/", "text": "KStew showed some skin and flashed her black bra while taking her furry new friend for a stroll.", "summaries": ["KStew showed and flashed her bra."]} +{"id": "http://www.kolotv.com/sports/headlines/Vonn-Returns-To-Skiing-Over-Weekend-In-Chile-222073561.html", "text": "Lindsey Vonn returned to skiing over the weekend in Chile nearly seven months after a season-ending crash that required surgery on her right knee.", "summaries": ["Lindsey Vonn returned to skiing over the weekend in Chile."]} +{"id": "http://www.navy.lk/index.php?id=4425", "text": "Two Chinese war ships, ``JING GANGSHA'' and ``HENG SHUI'' arrived at the port of Trincomalee on 13 th January 2014 on a good will visit.", "summaries": ["Two Chinese war ships, arrived at the port of Trincomalee will visit."]} +{"id": "http://www.yareah.com/2013/11/24/2666-art-burning-lamp-enrique-martinez-celaya/", "text": "Art. Burning as it were a lamp, a project by Enrique Martinez Celaya on view during Art Basel Miami Beach.", "summaries": ["Art. Burning as it were a lamp, a project by Enrique Martinez Celaya."]} +{"id": "http://www.straitstimes.com/breaking-news/singapore/story/flash-floods-hit-chai-chee-after-heavy-downpour-20131028", "text": "Flash floods hit Chai Chee on Monday afternoon after a heavy downpour, leaving some vehicles stranded.", "summaries": ["Flash floods hit Chai Chee after a heavy downpour."]} +{"id": "http://www.forbes.com/sites/kathryntully/2013/10/08/largest-diamond-ever-sold-at-auction-fetches-30-6-million/", "text": "This 118-carat egg-sized jewel, the largest diamond ever sold at auction, fetched $30.6 million at Sotheby's in Hong Kong yesterday, or $259,322 per carat.", "summaries": ["This jewel, the largest diamond ever sold at auction, fetched $ 30.6 million."]} +{"id": "http://www.ptinews.com/news/4621622_Modi-sent-emissaries-to-create--soft-corner---Geelani-.html", "text": "Srinagar, Apr 18 Hardline Hurriyat Conference chairman Syed Ali Shah Geelani today claimed that BJP's prime ministerial candidate Narendra Modi had sent emissaries to him and separatist leadership in Jammu and Kashmir to create a ``soft corner'' for him by making a ``commitment'' to seek a solution to Kashmir issue.", "summaries": ["Narendra Modi had sent emissaries to create a soft corner."]} +{"id": "http://www.ecns.cn/business/2013/08-28/78959.shtml", "text": "Chinese shares closed lower Wednesday dragged down by the bio-pharmaceutical sector and small enterprises with growth potential.", "summaries": ["Chinese shares closed lower Wednesday."]} +{"id": "http://www.mxdwn.com/2014/03/22/news/kate-bush-announces-first-set-of-live-shows-in-35-years/", "text": "British performer Kate Bush has announced her first set of live shows in 35 years, entitled Behind the Dawn.", "summaries": ["Kate Bush has announced her first set of live shows in 35 years."]} +{"id": "http://www.niticentral.com/2013/09/07/rajasthan-government-misusing-public-funds-rti-activist-129763.html", "text": "An RTI activist has alleged that the Rajasthan Government was 'misusing' public funds for advertising its achievements in newspapers and TV channels in an election year.", "summaries": ["The Rajasthan Government was misusing public funds."]} +{"id": "http://www.smdailyjournal.com/articles/lnews/2013-08-24/yellow-fever-mosquito-found-at-holy-cross-cemetery-in-menlo-park/1774118.html", "text": "A yellow fever mosquito which can carry several viruses included dengue fever was found at Holy Cross cemetery in Menlo Park, the California Department of Public Health confirmed Friday.", "summaries": ["A yellow fever mosquito included fever was found at Holy Cross cemetery in Menlo Park."]} +{"id": "http://zeenews.india.com/entertainment/celebrity/lea-michele-found-out-about-monteith-s-death-through-phone-call_139371.htm", "text": "Lea Michele reportedly found out about the death of her boyfriend Cory Monteith in Vancouver through a phone call.", "summaries": ["Lea Michele found out about the death through a phone call."]} +{"id": "http://www.alarabiya.net/en/life-style/entertainment/2013/10/28/Rocker-Lou-Reed-of-Velvet-Underground-dies-at-71.html", "text": "Lou Reed, the pioneering musician who fronted influential rock band The Velvet Underground and won mainstream acclaim with solo songs ``Walk on the Wild Side'' and ``Perfect Day,'' died on Sunday aged 71.", "summaries": ["Lou Reed, the musician who fronted rock band, died on Sunday 71."]} +{"id": "http://www.christiantoday.com/article/millennium.development.goals.have.had.little.impact.on.lives.of.leprosy.sufferers/33977.htm", "text": "The Millennium Development Goals have had a huge influence on international development but ``little impact'' on the lives of leprosy sufferers, according to The Leprosy Mission.", "summaries": ["The Millennium Development Goals have had a influence on development but little impact on the lives of leprosy sufferers."]} +{"id": "http://www.abc27.com/story/22923870/female-puffin-hatched-at-national-aquarium", "text": "A female puffin hatched at the National Aquarium is doing well in its specially constructed burrow.", "summaries": ["A female puffin hatched at the National Aquarium is doing."]} +{"id": "http://www.burlesonstar.net/nationalnews/ci_23678368", "text": "NEW YORK Bruce Springsteen dedicated his protest song ``American Skin '' to teenager Trayvon Martin during a concert in Limerick, Ireland.", "summaries": ["Bruce Springsteen dedicated his song to Trayvon Martin."]} +{"id": "http://www.dailymercury.com.au/news/car-washed-off-roadpolice-were-called-by-passers-b/2175918/", "text": "POLICE were called by passers-by after a car was washed off a flooded causeway on Pier Rd, near Sarina.", "summaries": ["A car was washed off a flooded causeway on Pier Rd, near Sarina."]} +{"id": "http://www.nhl.com/ice/news.htm?id=679863", "text": "The Columbus Blue Jackets have hired prominent player agent Bill Zito as assistant general manager.", "summaries": ["The Columbus Blue Jackets have hired player agent Bill Zito as assistant general manager."]} +{"id": "http://www.abc.net.au/7.30/content/2013/s3874684.htm", "text": "Firefighters in New South Wales are preparing for weather conditions they say will be 'as bad as it gets' and are calling on residents who don't have a fire plan to evacuate.", "summaries": ["Firefighters are preparing for conditions will be bad as it gets."]} +{"id": "http://www.bnd.com/2013/11/04/2877973/retail-roundup-texas-roadhouse.html", "text": "Pita restaurant chain Pita Pit has closed in Edwardsville.", "summaries": ["Pita Pit has closed in Edwardsville."]} +{"id": "http://en.tengrinews.kz/politics_sub/Central-African-Republic-poses-serious-threat-UN--21832/", "text": "The UN Security Council warned Wednesday that turmoil in the Central African Republic poses a ``serious threat'' to the country and the region, and urged new measures to restore stability, AFP reports.", "summaries": ["Turmoil in the Central African Republic poses a serious threat."]} +{"id": "http://twocircles.net/2013sep23/cisf_trooper_foils_suicide_bid_delhi_metro.html", "text": "Just a week after a CISF trooper foiled a suicide bid by a woman in the Delhi metro, another woman trooper from the same force prevented two women commuters from ending their lives, an official said Monday.", "summaries": ["A CISF trooper foiled a suicide bid by a woman in the Delhi metro."]} +{"id": "http://www.independent.ie/irish-news/courts/man-was-shot-in-head-in-front-of-teammates-as-he-walked-off-soccer-pitch-29771220.html", "text": "A MAN who was shot in the head in front of his teammates as he walked off a soccer pitch knew his life was in danger, an inquest heard.", "summaries": ["Who was shot in the head in front of his teammates as he walked off a soccer pitch."]} +{"id": "http://wtaq.com/news/articles/2014/feb/21/manitowoc-man-accused-of-embezzling-from-sheboygan-firm/", "text": "A Manitowoc man is accused of embezzling over $300,000 from a Sheboygan firm that makes chairs for health care patients and institutions.", "summaries": ["A Manitowoc man is accused of embezzling from a Sheboygan firm."]} +{"id": "http://www.mkweb.co.uk/News/Community/Gang-of-youths-rob-man-in-Oldbrook-underpass-for-just-10-20131016153000.htm", "text": "A gang of youths between eight and sixteen robbed a man in an Oldbrook underpass for just \u00a310.", "summaries": ["A gang of youths robbed a man in an Oldbrook underpass for just \u00a3 10."]} +{"id": "http://www.dnaindia.com/mumbai/report-bombay-high-court-directs-best-staff-to-call-off-strike-report-to-work-1974333", "text": "The Bombay high court on Tuesday directed the BEST staff, including drivers and conductors, to call off their strike and report to work immediately.", "summaries": ["The Bombay high court directed the BEST staff to call off their strike and report to work."]} +{"id": "http://blogs.seattletimes.com/today/2014/03/highway-12-over-while-pass-closed-by-slide/", "text": "A 40-mile section of Highway 12 over White Pass was closed by a mud and rock slide Saturday, and crews will need to inspect the area in the daylight Sunday before estimating when the roadway will reopen.", "summaries": ["A section of Highway 12 over White Pass was closed by a slide."]} +{"id": "http://www.theaustralian.com.au/sport/football/germany-belgium-switzerland-reach-world-cup/story-fn63e0vj-1226738797955", "text": "THREE-TIME champions Germany, Belgium and Switzerland reached the World Cup finals on Friday as England, Russia and Bosnia-Herzegovina edged closer to Brazil.", "summaries": ["Germany, Belgium and Switzerland reached the World Cup finals."]} +{"id": "http://cnews.canoe.ca/CNEWS/Crime/2013/11/05/21245246.html", "text": "Seven Austrian neo-Nazis were sentenced to up to six years in prison in a case the judge said should serve as an example to others in the country.", "summaries": ["Seven neo-Nazis were sentenced to up to six years in prison."]} +{"id": "http://freepresskashmir.com/pakistan-to-resume-cross-border-trade-in-kashmir-145413/", "text": "Pakistan said on Thursday it has decided to resume cross-border trade in Kashmir after weeks of suspension over the arrest of a Pakistani driver by the Indian authorities on drugs smuggling charges.", "summaries": ["Pakistan has decided to resume cross-border trade in Kashmir."]} +{"id": "http://www.salemnews.net/page/content.detail/id/572174/Salem-s-comeback-bid-falls-short-vs--Alliance.html?nav=5009", "text": "ALLIANCE-The Salem baseball team made a late comeback bid but fell short to Alliance 7-5 Wednesday.", "summaries": ["Salem team made a comeback bid but fell short to Alliance 7."]} +{"id": "http://www.kuna.net.kw/ArticleDetails.aspx?id=2347568&language=en", "text": "Spain Friday strongly condemned the mortar attack against the Russian embassy in Damascus which killed one Syrian and injured nine others.", "summaries": ["Spain Friday condemned the mortar attack against the Russian embassy in Damascus."]} +{"id": "http://gulfnews.com/news/region/syria/syrian-dissident-writer-arrested-1.1294759", "text": "Syrian dissident writer and journalist Akram Al Bunni has been arrested by security forces, his brother, a prominent rights lawyer, told AFP on Sunday.", "summaries": ["Syrian dissident writer has been arrested."]} +{"id": "http://www.iol.co.za/motoring/industry-news/taxi-drivers-don-t-know-speed-limits-1.1626349", "text": "A research project has found that taxi drivers often don't know what the speed limit is.", "summaries": ["Taxi drivers don't know the speed limit is."]} +{"id": "http://venezuelanalysis.com/news/10275", "text": "This year the Venezuelan government plans to continue its pace of land expropriations in order to move towards what it terms ``agrarian socialism''.", "summaries": ["The Venezuelan government plans to continue its pace of land expropriations in order to move towards agrarian socialism."]} +{"id": "http://paulsvalleydailydemocrat.com/statenews/x789516409/OG-E-warns-customers-of-scam", "text": "OG&E is warning customers about a prepaid debit card scam that is targeting utility customers across the country.", "summaries": ["OG&E is warning customers about a scam."]} +{"id": "http://digitaljournal.com/article/356851", "text": "US whistleblower Bradley Manning, charged with releasing over 700,000 battlefield reports from Iraq and Afghanistan to Wikileaks, received a sentence of 35 years in prison from a military court Wednesday.", "summaries": ["Bradley Manning received a sentence of 35 years in prison."]} +{"id": "http://www.moneycontrol.com/news/stocks-views/ballarpur-industries-may-touch-rs-21-22-sharmila-joshi_1077177.html", "text": "Sharmila Joshi of sharmilajoshi.com feels that Ballarpur Industries may touch Rs 21-22 in next 9-12 months.", "summaries": ["Ballarpur Industries may touch Rs 21 22."]} +{"id": "http://wfirnews.com/local-news/mcauliffe-to-bring-pre-inauguration-celebration-to-sw-va-saturday", "text": "Governor-elect Terry McAuliffe is bringing pre-inauguration celebrations to southwest Virginia Saturday night with a regional inaugural ball in Abingdon.", "summaries": ["Terry McAuliffe is bringing pre-inauguration celebrations Saturday night."]} +{"id": "http://www.palebluenews.co.uk/2014/people-roulette-online-chat-703.html", "text": "The second wild is the picture of all five of the Girls people roulette online chat Guns.", "summaries": ["People roulette online chat Guns."]} +{"id": "http://www.football-espana.net/40096/bale-enjoying-expectation", "text": "Gareth Bale has conceded that he enjoys the 'expectation' on his shoulders at Real Madrid.", "summaries": ["Gareth Bale enjoys the expectation."]} +{"id": "http://www.youtube.com/watch?v=YRye9kdXdG8", "text": "But one state lawmaker says some costumes contain toxic chemicals and she wants those toxins identified and labeled.", "summaries": ["Some costumes contain toxic chemicals."]} +{"id": "http://www.myfoxphoenix.com/story/23429102/2013/09/13/man-arrested-after-child-porn-found-on-computer", "text": "A 48-year-old Golden Valley man was arrested Friday after child porn was found on his computer.", "summaries": ["A man was arrested after child porn was found on his computer."]} +{"id": "http://www.bizjournals.com/pittsburgh/news/2014/01/30/heritage-valley-to-advertise-rates-at.html", "text": "Beaver-based Heritage Valley Health System plans to advertise rates for the top 25 medical services at its ConvenientCare outpatient clinics, the first effort of its kind in western Pennsylvania.", "summaries": ["Heritage Valley Health System plans to advertise rates at its outpatient clinics."]} +{"id": "http://www.business-standard.com/article/pti-stories/hundreds-march-for-freedom-in-sudan-113100400974_1.html", "text": "Hundreds of men and women marched for ``freedom'' in the Sudanese capital today despite the deployment of militia, troops and riot police, AFP correspondents reported.", "summaries": ["Hundreds marched for freedom in the Sudanese capital."]} +{"id": "http://ewn.co.za/2013/10/02/Exercise-good-for-treating-heart-disease", "text": "Exercise may be just as good as medication to treat heart disease and should be included as a comparison when new drugs are being developed and tested, scientists said on Wednesday.", "summaries": ["Exercise may be good as medication to treat heart disease."]} +{"id": "http://www.business-standard.com/article/news-cm/it-stocks-extend-friday-s-gain-114011300137_1.html", "text": "Nine IT stocks were up 0.27% to 2.98% at 09:57 IST on BSE, extending Friday's gain triggered by Infosys raising its revenue growth guidance in both rupee and dollar terms for the year ending 31 March 2014.", "summaries": ["Nine IT stocks were, extending Friday's gain."]} +{"id": "http://economictimes.indiatimes.com/et-now/daily/World-leaders-pay-tribute-to-Nelson-Mandela/videoshow/27194385.cms", "text": "World leaders from across the globe come together to pay tribute to Nelson Mandela, who died last week at the age of 95.", "summaries": ["World leaders come to pay tribute to Nelson Mandela."]} +{"id": "http://www.homemediamagazine.com/redbox/redbox-rents-3-billionth-disc-31019", "text": "Redbox rented its 3 billionth disc this month, just 16 months after renting its 2 billionth disc in March 2012.", "summaries": ["Redbox rented its 3 billionth disc."]} +{"id": "http://www.fenuxe.com/2013/09/24/jennifer-holliday-coming-to-atlanta-botanical-gardens/", "text": "Broadway's original Dreamgirl Jennifer Holliday is coming to the Atlanta Botanical Garden for a concert benefiting Actor's Express.", "summaries": ["Broadway's Jennifer Holliday is coming to the Atlanta Botanical Garden."]} +{"id": "http://www.pal-item.com/article/20140408/UPDATES/140408005/University-Dayton-basketball-player-charged-assault", "text": "Court records show a University of Dayton basketball player has been charged with domestic violence and assault.", "summaries": ["A University of Dayton basketball player has been charged with violence and assault."]} +{"id": "http://www.mineweb.com/mineweb/view/mineweb/en/page674?oid=227902&sn=Detail", "text": "Silver Standard Resources Inc. announces today that it has entered into a Purchase and Sale Agreement with subsidiaries of Goldcorp Inc. and Barrick Gold Corporation to purchase 100% of the Marigold mine, a producing gold mine in Nevada, USA for cash consideration of $275 million.", "summaries": ["Silver Standard Resources Inc. has entered to purchase 100% of the Marigold mine."]} +{"id": "http://communities.washingtontimes.com/neighborhood/liberty-our-times/2013/sep/3/attack-syria-has-already-failed/", "text": "The moment Secretary of State John Kerry and President Obama began making speeches instead of launching missiles, the attack on Syria had already failed.", "summaries": ["The attack on Syria had already failed."]} +{"id": "http://www.eastvillagemagazine.org/en/news-releases3/21026-master-plan-begins-forming-implementation-task-groups", "text": "The Flint master plan team will begin forming implementation task groups to coordinate and implement the strategies developed in Imagine Flint Master Plan.", "summaries": ["The master plan team will begin forming implementation task groups."]} +{"id": "http://www.morungexpress.com/national/111235.html", "text": "Italy on Tuesday recalled its ambassador from India in protest over a new delay in the legal proceedings against two Italian marines accused of killing two Indian fishermen.", "summaries": ["Italy recalled its ambassador from India."]} +{"id": "http://www.tennisworldusa.org/Kimiko-Date-Krumm-retires-in-the-first-round-of-Malaysian-Open-articolo17382.html", "text": "Japanese veteran Kimiko Date-Krumm was forced to retire in the first round of the BMW Malaysian Open in Kuala Lampur on Tuesday.", "summaries": ["Kimiko Date-Krumm was forced to retire in the first round of the BMW Malaysian Open."]} +{"id": "http://www.australiantimes.co.uk/news/news-from-australia/news-in-australia/husband-of-murdered-jill-meagher-returning-to-ireland.htm", "text": "The husband of murdered Melbourne woman Jill Meagher will return to Ireland later this month ``to clear his head'' while fighting for parole board changes.", "summaries": ["The husband of murdered woman Jill Meagher will return to Ireland."]} +{"id": "http://www.powerboat-world.com/usa/Delays-are-often-a-simple-result-of-supply-and-demand/119381", "text": "Boaters can become frustrated when a repair or upgrade takes a long time, but delays are often a simple result of supply and demand.", "summaries": ["A repair takes, but delays are often a simple result of supply and demand."]} +{"id": "http://www.motorsport.com/f1/news/gene-haas-granted-formula-one-license-by-the-fia/", "text": "It's been officially confirmed that NASCAR Sprint Cup team owner Gene Haas has been granted a Formula One license by the FIA.", "summaries": ["Gene Haas has been granted a Formula One license by the FIA."]} +{"id": "http://www.breitbart.com/Big-Hollywood/2014/02/06/Exorcist-priest-movie", "text": "An Indiana priest who gained fame when he performed exorcisms on a local family has signed a movie deal that will tell the story on screen.", "summaries": ["An priest who gained he performed exorcisms has signed a movie deal."]} +{"id": "http://weartv.com/news/features/top-stories/stories/24-veterans-receive-medal-honor-decades-after-service-41833.shtml", "text": "24 veterans will receive the Medal of Honor next month, decades after completing their military service.", "summaries": ["24 veterans will receive the Medal of Honor, decades after completing their service."]} +{"id": "http://minnesota.cbslocal.com/2013/11/01/midtown-global-market-hosts-day-of-the-dead/", "text": "You and your family can get in on the action this weekend at Midtown Global Market in Minneapolis, where they're hosting the Mexican celebration Dia de los Muertos, or Day of the Dead.", "summaries": ["Midtown Global Market they 're hosting the celebration Dia de los Muertos."]} +{"id": "http://www.tuscaloosanews.com/article/20140409/news/140409626", "text": "Stillman College will furlough employees in April and May as a way to avoid pay cuts or layoffs, according to a statement released Wednesday.", "summaries": ["Stillman College will furlough employees in April and May."]} +{"id": "http://www.startribune.com/politics/statelocal/245574761.html", "text": "With the pace of drug overdose deaths on the rise in the Twin Cities, Democratic US Sen. Amy Klobuchar will host an event Sunday at the Hazelden's youth addiction treatment center in Plymouth to highlight efforts to combat heroin use in the state.", "summaries": ["Amy Klobuchar will host to highlight efforts to combat heroin use."]} +{"id": "http://www.contactmusic.com/story/chris-hemsworth-flees-floods_3978812", "text": "Chris Hemsworth and the crew of his new movie 'In the Heart of the Sea' were forced to flee flash floods in the Canary Islands yesterday.", "summaries": ["Chris Hemsworth were forced to flee floods."]} +{"id": "http://www.prweb.com/releases/treatment-for/ringing-in-the-ears/prweb11101593.htm", "text": "Tinnitus Miracle created by Thomas Coleman is a new revolutionary treatment for ringing in the ears that teaches people how to alleviate, even eliminate tinnitus efficiently.", "summaries": ["Miracle is a treatment for ringing in the ears."]} +{"id": "http://www.star-telegram.com/2014/03/14/5650766/adrian-beltre-could-return-by.html", "text": "Adrian Beltre could return to the Texas Rangers' lineup as soon as Sunday after feeling tightness in his left quadriceps muscle during a late game Thursday night, and left-hander Matt Harrison is on schedule to make his Cactus League debut Monday night.", "summaries": ["Adrian Beltre could return soon as Sunday."]} +{"id": "http://www.hartselleenquirer.com/2013/09/13/hartselle-defeats-athens/", "text": "No. 5 Hartselle defeated Athens 14-6 in a key region game at JP Cain Stadium Friday night.", "summaries": ["Hartselle defeated Athens 14."]} +{"id": "http://timesofindia.indiatimes.com/city/rajkot/Shankar-Chaudhary-50-others-acquitted-in-2002-riots-case/articleshow/32951017.cms", "text": "BJP MLA from Tharad and party's general secretary Shankar Chaudhary along with 50 others was acquitted on Saturday in a 2002 riots case, in which two people lost their lives in firing and public and private properties were damaged in Radhanpur town.", "summaries": ["MLA and Shankar Chaudhary along with 50 others was acquitted in a 2002 riots case."]} +{"id": "http://articles.kwch.com/2013-09-04/immigration-reform_41774163", "text": "Mayors from cities across Kansas urge members of Congress to pass comprehensive immigration reform.", "summaries": ["Mayors urge members of Congress to pass immigration reform."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-07-11/lucknow/40513980_1_tongue-teenage-victim-19-year-old-girl", "text": "In an audacious incident, kin of a rape accused today tried to chop off the teenage victim's tongue in Pratapgarh district in order to prevent her from giving her statement in the court.", "summaries": ["Kin of a rape accused today tried to chop off the teenage victim's tongue."]} +{"id": "http://www.dailystar.com.lb/News/Lebanon-News/2013/Nov-30/239465-two-soldiers-wounded-in-north-lebanon.ashx", "text": "Two soldiers were wounded Friday night in north Lebanon while trying to reopen a road blocked by protesters seeking the release of a ``wanted man.''", "summaries": ["Two soldiers were wounded in north Lebanon."]} +{"id": "http://www.theledger.com/article/20130729/EDIT02/130729236", "text": "Early childhood education is vital to your child's development.", "summaries": ["Early education is vital."]} +{"id": "http://www.sunstar.com.ph/cebu/business/2013/09/29/office-365-boosts-productivity-microsoft-305904", "text": "MICROSOFT Philippines is rolling out Office 365, its latest product that aims to boost productivity of schools and small and medium businesses.", "summaries": ["Office 365 aims to boost productivity."]} +{"id": "http://www.ocregister.com/angels/trout-521635-hamstring-game.html", "text": "Mike Trout left the Angels game in the sixth inning today with tightness in his right hamstring, but he isn't worried about it being a long-term injury.", "summaries": ["Mike Trout left the game with tightness in his right hamstring, but he isn't."]} +{"id": "http://zeenews.india.com/news/tamil-nadu/kudankulam-to-start-generating-1000-mw-by-october_871135.html", "text": "The Kudankulam nuclear reactor will start generating 1000 MW of power by October end, Union Minister V Narayanasamy on Friday said.", "summaries": ["The Kudankulam reactor will start generating 1000 MW by October end, said."]} +{"id": "http://www.hispanicallyspeakingnews.com/latin-american-history/details/paraguay-fought-brazil-uruguay-argentina-at-the-battle-of-curupayty-in-1866/27214", "text": "Today in Latin American history, Paraguay fought against Brazil, Uruguay, & Argentina at the Battle of Curupayty in 1866.", "summaries": ["Paraguay fought against Brazil, Uruguay, & Argentina at the Battle of Curupayty in 1866."]} +{"id": "http://www.stuff.co.nz/business/industries/9327220/Tourists-are-spending-more", "text": "Tourists spent $541 million more on activities, eating out, accommodation and shopping in the year to March than in the previous year, Statistics New Zealand says.", "summaries": ["Tourists spent $ more."]} +{"id": "http://www.wbiw.com/state/archive/2013/09/about-200-pigs-die-when-semi-overturned.php", "text": "About 200 pigs died and 100 had to be gathered when a semi overturned in Cass County on Wednesday, the Pharos-Tribune, reports.", "summaries": ["About 200 pigs died and 100 had when a semi overturned."]} +{"id": "http://abcnews.go.com/blogs/politics/2013/12/more-americans-think-u-s-is-less-important/", "text": "More Americans now believe the United States has become a less important and less powerful player on the world stage.", "summaries": ["More Americans believe the United States has become a less important player."]} +{"id": "http://www.huffingtonpost.com/2013/09/26/water-bill-cocaine_n_3997219.html", "text": "Police in Deltona, Fla., are trying to sniff out the identity of a man who allegedly attempted to pay his water bill with cocaine.", "summaries": ["Who attempted to pay his water bill with cocaine."]} +{"id": "http://metronews.ca/news/toronto/873536/tony-clement-defends-contracting-out-government-services/", "text": "In response to a question from NDP Treasury Board critic, Mathieu Ravignat on Tuesday, Clement told the House of Commons Tuesday that contracting out government services reduces costs.", "summaries": ["Clement told contracting out government services reduces."]} +{"id": "http://www.abs-cbnnews.com/nation/regions/01/12/14/several-domestic-flights-cancelled-due-bad-weather", "text": "Several domestic flights were cancelled Sunday due to the bad weather brought by the low pressure area near Mindanao.", "summaries": ["Several domestic flights were cancelled due to the bad weather."]} +{"id": "http://zeenews.india.com/business/news/finance/irda-prescribes-standard-format-for-insurance-policy_95522.html", "text": "Insurance regulator IRDA on Monday prescribed a standard format for life and non-life insurance policy to improve transparency and help people take informed decisions.", "summaries": ["IRDA prescribed a standard format for life and insurance policy."]} +{"id": "http://www.wsaz.com/news/headlines/Tanker-Catches-Fire-in-Garage-229028971.html", "text": "An empty tanker caught fire Wednesday night in a garage along W.Va.", "summaries": ["An tanker caught fire in a garage."]} +{"id": "http://www.bdlive.co.za/economy/2014/02/19/davies-defends-governments-economic-record", "text": "TRADE and Industry Minister Rob Davies defended the government's economic record in Parliament on Tuesday, saying it had implemented structural reforms and countercyclical infrastructure projects to help shore up the economy.", "summaries": ["TRADE and Rob Davies defended the government's economic record."]} +{"id": "http://businessdayonline.com/2014/02/facebook-buys-whatsapp-for-19-billion/", "text": "Facebook, on Thursday, agreed to buy mobile messaging service WhatsApp for $19 billion, making it the company's largest acquisition.", "summaries": ["Facebook agreed to buy WhatsApp for $ 19 billion."]} +{"id": "http://en.interfax.com.ua/news/economic/195550.html", "text": "The National Bank of Ukraine is not mulling the introduction of restrictions against banks operating in Crimea, NBU Governor Stepan Kubiv has said.", "summaries": ["The National Bank of Ukraine is not mulling the introduction of restrictions against banks operating in Crimea."]} +{"id": "http://www.dailytribune.com/article/20130811/SPORTS03/130819933/lions-coach-schwartz-likes-play-of-special-teams", "text": "ALLEN PARK \u00f3 Detroit coach Jim Schwartz liked the play of his special teams in the Lions first preseason game.", "summaries": ["Detroit coach Jim Schwartz liked the play of his special teams."]} +{"id": "http://www.tdtnews.com/news/article_b40e902c-4051-11e3-b15e-001a4bcf6878.html", "text": "A new lieutenant was introduced and two deputies who helped save a man's life were honored Monday at the Bell County Jail.", "summaries": ["A new lieutenant was introduced and two deputies were honored."]} +{"id": "http://www.turnto23.com/entertainment/celebrity/robin-thicke-and-paula-patton-separate_04082393", "text": "Soul singer ROBIN THICKE and his actress wife PAULA PATTON have separated after almost nine years of marriage.", "summaries": ["ROBIN THICKE and PAULA PATTON have separated."]} +{"id": "http://www.oregonlive.com/timbers/index.ssf/2013/10/portland_timbers_sign_head_coa.html", "text": "Portland Timbers coach Caleb Porter has signed a contract extension with the Timbers, according to confirmed reports.", "summaries": ["Coach Caleb Porter has signed a contract extension with the Timbers."]} +{"id": "http://www.focus-fen.net/index.php?id=n311667", "text": "Around 60 people are protesting in front of the building of the Bulgarian parliament in the capital city Sofia, FOCUS News Agency reporter informed.", "summaries": ["Around 60 people are protesting in front of the building of the Bulgarian parliament."]} +{"id": "http://timesofindia.indiatimes.com/india/Jaganmohan-Reddy-walks-out-of-jail-after-16-months/articleshow/22995542.cms", "text": "YSR Congress chief Jaganmohan Reddy on Tuesday walked out of the Chanchalguda jail after spending 16 months in prison.", "summaries": ["Jaganmohan Reddy walked out of the jail after spending 16 months."]} +{"id": "http://www.starpulse.com/news/Dave_Simpson/2013/12/24/kellan_lutz_wont_be_very_merry_this_ch", "text": "Twilight star Kellan Lutz won't be very merry this Christmas because there have been too many family deaths in the past 12 months to really celebrate the season.", "summaries": ["Kellan Lutz won't be very merry this Christmas."]} +{"id": "http://www.virtual-strategy.com/2013/09/04/sony-introduces-worlds-first-curved-screen-led-television", "text": "Today Sony introduced the world's first curved screen LED television, model KDL-65S990A.", "summaries": ["Sony introduced the world's first curved screen LED television."]} +{"id": "http://www.spokesman.com/blogs/hbo/2013/dec/10/obama-shakes-hands-castro/", "text": "US President Barack Obama shakes hands with Cuban President Raul Castro as Brazilian President Dilma Rouseff looks on at centre at the FNB Stadium in Soweto, South Africa, in the rain for a memorial service for former South African President Nelson Mandela today.", "summaries": ["Barack Obama shakes hands with Raul Castro."]} +{"id": "http://www.indiawest.com/news/16192-medha-patkar-extends-support-to-aam-aadmi-party.html", "text": "Social activist Medha Patkar on Monday extended her ``complete'' support to Arvind Kejriwal-led Aam Aadmi Party in Maharashtra.", "summaries": ["Medha Patkar extended her support to Aam Aadmi Party."]} +{"id": "http://www.therepublic.com/view/story/2e0c290835324f24a90362b649cf7710/AL--Alabama-Frost-Advisory", "text": "The National Weather Service has issued a frost advisory for Alabama covering a swath of central Alabama.", "summaries": ["The National Weather Service has issued a frost advisory covering a swath of central Alabama."]} +{"id": "http://www.mercurynews.com/sports/ci_24888306/saint-marys-college-announces-plans-renovate-mckeon-pavilion", "text": "Saint Mary's College has announced plans to renovate McKeon Pavilion and build a new performance center for its student athletes.", "summaries": ["Saint Mary's College has announced plans to renovate McKeon Pavilion."]} +{"id": "http://www.montgomerynews.com/articles/2014/03/21/public_spirit_willow_grove_guide/news/doc532c8e92d19cd251278517.txt", "text": "State Sen. Stewart Greenleaf discusses his proposed human trafficking bill at Calvery Baptist Church in Willow Grove Thursday night.", "summaries": ["State Sen. Stewart Greenleaf discusses his proposed human trafficking bill."]} +{"id": "http://santamonica.patch.com/groups/around-the-westside/p/cirque-de-soleil-takes-to-the-streets-of-santa-monica", "text": "Cirque du Soleil performers returned to their roots today by taking to the streets in Santa Monica to showcase acrobatic feats and colorful costumes in a free performance.", "summaries": ["Cirque du Soleil performers returned by taking to the streets in Santa Monica."]} +{"id": "http://bits.blogs.nytimes.com/2014/02/26/federal-court-orders-youtube-to-take-down-controversial-anti-islam-video/", "text": "A federal appeals court ordered YouTube to take down a controversial anti-Islam video in an unusual copyright decision that Google, which owns YouTube, said raised questions about freedom of speech.", "summaries": ["A federal court ordered YouTube to take down a controversial anti-Islam video."]} +{"id": "http://www.gaystarnews.com/article/alan-turing-receive-pardon-nearly-60-years-after-death220713", "text": "Alan Turing, known as the father of computer science, the codebreaker that helped win World War 2, and the man tortured by the state for being gay, is to receive a pardon nearly 60 years after his death.", "summaries": ["Alan Turing is to receive a pardon nearly 60 years after his death."]} +{"id": "http://fox5sandiego.com/2014/01/07/woman-accused-of-stabbing-husband-in-chest/", "text": "A 40-year-old woman accused of stabbing her 58-year-old husband in the chest during an argument in a North Park alley was on the run, police said Tuesday.", "summaries": ["A woman accused of stabbing her husband in the chest was."]} +{"id": "http://thechronicleherald.ca/metro/1186505-dartmouth-man-faces-child-pornography-charges?from=most_read&most_read=1186505", "text": "A Dartmouth man is facing child pornography charges after police searched his home Wednesday morning.", "summaries": ["A Dartmouth man is facing child pornography charges."]} +{"id": "http://fox8.com/2013/08/30/dimora-headed-back-to-federal-prison/", "text": "Former Cuyahoga County Commissioner Jimmy Dimora appears headed back to federal prison after reportedly testifying about corruption before a county grand jury.", "summaries": ["Jimmy Dimora appears headed back to federal prison."]} +{"id": "http://www.allvoices.com/contributed-news/15050517-amanda-bynes-put-on-psychiatric-hold-for-starting-fire-in-a-driveway", "text": "Amanda Bynes was seen shopping in Bloomingdales a few hours before she started a fire in a residential driveway.", "summaries": ["Amanda Bynes was seen shopping before she started a fire in a driveway."]} +{"id": "http://english.cntv.cn/program/newsupdate/20131109/102486.shtml", "text": "As the talks over Iran's nuclear program continue in Geneva, Iranian state television has broadcast a simulated missile attack on Israel that demonstrates an Iranian response to any Israeli attack on its nuclear facilities.", "summaries": ["Iranian television has broadcast a simulated missile attack on Israel."]} +{"id": "http://timesofindia.indiatimes.com/sports/football/top-stories/Pune-FC-suffer-first-defeat-go-down-1-3-to-Tampines-Rovers/articleshow/32312940.cms", "text": "Pune FC suffered their first AFC Cup defeat going down 1-3 to Tampines Rovers FC in a Group-H Round 3 encounter at the Jalan Besar Stadium on Wednesday.", "summaries": ["Pune FC suffered their first AFC Cup defeat going down 1 3 to Tampines Rovers FC."]} +{"id": "http://www.hollywood.com/news/brief/56848375/rascal-flatts-star-joe-don-rooney-expecting-third-child", "text": "Rascal Flatts guitarist Joe Don Rooney and his wife Tiffany Fallon are expecting their third child.", "summaries": ["Rascal Flatts guitarist Joe Don Rooney are expecting their third child."]} +{"id": "http://www.orlandosentinel.com/sports/florida-gators/swamp-things-blog/os-gators-trey-burton-will-muschamp-support-20140220,0,5231054.post", "text": "Former Gators tight end Trey Burton is coming off a disappointing senior season, but he said UF players never wavered in their support of coach Will Muschamp.", "summaries": ["Trey Burton is coming, but he said players never wavered in their support of Will Muschamp."]} +{"id": "http://www.business-standard.com/article/pti-stories/humans-and-rats-think-alike-after-making-mistakes-113102100213_1.html", "text": "Humans and rats think alike when they have made a mistake and are learning from the experience, scientists, including one of Indian-origin, have found.", "summaries": ["Humans and rats think alike they have made a mistake."]} +{"id": "https://www.zawya.com/story/National_resolve_needed_for_boosting_economy_culture_Rouhani-ZAWYA20140326042408/", "text": "Iranian President Hassan Rouhani, in a meeting with his deputies and cabinet ministers on Tuesday, said national resolve is needed to boost economy and culture urged by Supreme Leader Ayatollah Ali Khamenei.", "summaries": ["National resolve is needed to boost economy and culture."]} +{"id": "http://www.drapersonline.com/mulberry-chief-executive-bruno-guillon-steps-down/5058531.article", "text": "Mulberry chief executive Bruno Guillon has stepped down from his role at the British luxury brand after two years.", "summaries": ["Mulberry chief executive Bruno Guillon has stepped down."]} +{"id": "http://www.eonline.com/news/522164/cressida-bonas-spotted-lingerie-shopping-in-london-see-the-pic", "text": "Cressida Bonas was spotted lingerie shopping around Monday evening at Tezeni's in London, and was photographed checking out the selection of new arrivals of brassieres while chatting on her cell phone with a pal.", "summaries": ["Cressida Bonas was spotted lingerie shopping at Tezeni in London."]} +{"id": "http://www.limelightmagazine.com.au/Article/365831,pianist-alice-herz-sommer-turns-110.aspx", "text": "Alice Herz-Sommer, the second oldest person living in London and the world's oldest survivor of the Holocaust turned 110 on Tuesday.", "summaries": ["Alice Herz-Sommer, the person turned 110."]} +{"id": "http://www.realitytvworld.com/news/judge-orders-da-brat-pay-37-million-victim-50126150.php", "text": "A judge has ordered rapper Da Brat to pay $3.7 million to the victim she assaulted in October 2007.", "summaries": ["A judge has ordered Da Brat to pay $ 3.7 million to the victim."]} +{"id": "http://www.kpua.net/news.php?id=29533", "text": "HONOLULU In his campaign to represent Hawaii in the US House, Republican candidate Charles Djou says Congress needs more centrists like him.", "summaries": ["Charles Djou says Congress needs more centrists like him."]} +{"id": "http://www.zawya.com/story/Military_issues_have_no_place_in_nuclear_talks-ZAWYA20140219052558/", "text": "Foreign Ministry spokeswoman on Tuesday stressed that military issues have no place in the nuclear talks between Iran and the Group 5+1.", "summaries": ["Military issues have no place in the nuclear talks."]} +{"id": "http://www.newindianexpress.com/cricket/news/I-spent-10-years-hiding-depression-on-tours-abroad/2013/11/26/article1912531.ece", "text": "I spent 10 years hiding depression on tours abroad I was close to taking the same decision as the England batsman but was scared of the reaction.", "summaries": ["I spent 10 years hiding depression on tours abroad."]} +{"id": "http://allafrica.com/stories/201309241409.html", "text": "MORE than 100 pints of blood were donated in one hour yesterday by Embu town residents for victims of the Westgate Mall terrorist attack.", "summaries": ["MORE than 100 pints of blood were donated in one hour."]} +{"id": "http://www.offshore-mag.com/articles/2006/12/eni-wins-license-offshore-brazil.html", "text": "Eni has won a license for exploration block SM-857 offshore Brazil.", "summaries": ["Eni has won a license - 857 offshore Brazil."]} +{"id": "http://www.nbcbayarea.com/news/local/California-Drought-Prompts-Bay-Area-Residents-to-Collect-Rain-247380881.html", "text": "The California drought has prompted some Bay Area residents to collect rain in addition to conserving water.", "summaries": ["The drought has prompted some Bay Area residents to collect rain."]} +{"id": "http://www.itv.com/news/border/update/2014-02-19/animal-centre-struggling-to-cope/", "text": "An animal rescue centre in Cumbria says it's struggling to cope with the number of animals needing care.", "summaries": ["An animal centre says it's struggling to cope."]} +{"id": "http://www.emirates247.com/over-half-of-all-couples-to-meet-online-by-2031-2014-02-11-1.537933", "text": "With recent reports suggesting that more than half of all couples will meet online by 2031, the art of those nerve-wracking first dates is more important than ever for this year's Valentines.", "summaries": ["More than half of all couples will meet online by 2031."]} +{"id": "http://au.news.yahoo.com/video/watch/21236573/philip-seymour-hoffman-found-dead/", "text": "Actor Philip Seymour Hoffman has been found dead in his New York apartment from an apparent drug overdose.", "summaries": ["Philip Seymour Hoffman has been found dead."]} +{"id": "http://www.washingtonpost.com/local/crime/clifton-man-dies-after-losing-control-of-car/2013/11/25/83e6f9fe-55e9-11e3-ba82-16ed03681809_story.html", "text": "A Clifton man died early Monday after he lost control of his car and it crashed in the Oakton area, Fairfax County police said.", "summaries": ["A Clifton man died after he lost control of his car."]} +{"id": "http://week.manoramaonline.com/cgi-bin/MMOnline.dll/portal/ep/theWeekContent.do?programId=1073754899&contentId=16108075", "text": "India-born Satya Nadella said he ``raised his hand'' to take up the top job at Microsoft as he believed his role as CEO would enable him tomake an impact in an increasingly ``software-powered'' world and drive innovation.", "summaries": ["Satya Nadella raised his hand to take up the job."]} +{"id": "http://www.sportsworldnews.com/articles/6844/20131120/alex-rodriguez-storms-out-of-hearing-after-bud-selig-does-not-testify-calls-appeal-process-farce-video.htm", "text": "ESPN reports New York Yankees infielder Alex Rodriguez stormed out of his grievance hearing with MLB officials after an arbitrator ruled commissioner Bud Selig did not have to testify before the disgraced slugger's legal team.", "summaries": ["Alex Rodriguez stormed hearing after an arbitrator ruled Bud Selig did not have to testify."]} +{"id": "http://www.thehindubusinessline.com/economy/pakistan-will-benefit-from-granting-mfn-status-to-india/article5071026.ece", "text": "The World Bank has said that Pakistan will benefit from granting the Most Favoured Nation status to India.", "summaries": ["Pakistan will benefit from granting the Most Favoured Nation status to India."]} +{"id": "http://www.brecorder.com/general-news/172/1230024/", "text": "Zimbabwean President Robert Mugabe appointed a new cabinet Tuesday, retaining long-time allies and naming hard-liner Emmerson Mnangagwa as justice minister.", "summaries": ["Robert Mugabe appointed a new cabinet."]} +{"id": "http://www.ameinfo.com/bmw-5-series-sale-september-352133", "text": "BMW Group Middle East has confirmed that the new BMW 5 Series will go on sale in the Middle East in September.", "summaries": ["The new BMW 5 Series will go on sale in September."]} +{"id": "http://www.thewire.com/global/2013/12/robert-levinson-who-disappeared-iran-2007-was-working-cia/356099/", "text": "Robert Levinson, an American who disappeared in Iran in 2007, was in the country working for the CIA, according to a report from the Associated Press's Matt Apuzzo and Adam Goldman.", "summaries": ["Robert Levinson, who disappeared in Iran in 2007, was in the country working for the CIA."]} +{"id": "http://lindyssports.com/mlb/philadelphia-phillies/article/headline/phillies-want-to-keep-utley/118041", "text": "The Phillies want to keep Chase Utley, but other teams are interested in acquiring him.", "summaries": ["The Phillies want to keep Chase Utley."]} +{"id": "http://www.nzherald.co.nz/business/news/article.cfm?c_id=3&objectid=11155398", "text": "NEW YORK Oil driller Transocean has agreed to a deal with billionaire investor Carl Icahn after a months-long proxy fight.", "summaries": ["Transocean has agreed to a deal with Carl Icahn."]} +{"id": "http://zeenews.india.com/business/news/companies/kumar-mangalam-birla-meets-law-minister-kapil-sibal_89067.html", "text": "Hindalco Chairman Kumar Mangalam Birla, who is named in the FIR in the alleged coal block allocation scam, on Tuesday met Law and Telecom Minister Kapil Sibal.", "summaries": ["Kumar Mangalam Birla met Law and Kapil Sibal."]} +{"id": "http://www.ctpost.com/local/article/Woman-accused-of-beating-puppy-to-death-4982666.php", "text": "A woman accused of beating her poodle puppy to death and then burying it in her backyard was allowed to go free Thursday.", "summaries": ["A woman accused of beating her puppy to death was allowed."]} +{"id": "http://www.brecorder.com/market-data/stocks-a-bonds/0/1153698/", "text": "South African stocks rallied on Friday after stumbling in the previous session, with the Gold Mining Index leaping over 5 percent as bullion's spot price raced to three-month highs above $1,300 an ounce.", "summaries": ["South African stocks rallied."]} +{"id": "http://www.officer.com/news/11128457/chicago-police-officer-hit-in-the-head-with-baseball-bat", "text": "A Chicago police officer was hit in the head with a baseball bat while trying to break up a fight in the West Englewood neighborhood early Saturday, according to authorities.", "summaries": ["A Chicago officer was hit in the head with a baseball bat."]} +{"id": "http://japandailypress.com/china-brings-latest-concern-against-japan-to-the-un-0942157/", "text": "China brought its latest concern against Japan to the United Nations, calling into question Japanese Prime Minister Shinzo Abe's motives for visiting a controversial war shrine and urged him to correct his mistaken outlook on history.", "summaries": ["China brought its latest concern against Japan to the United Nations."]} +{"id": "http://www.balkans.com/open-news.php?uniquenumber=181381", "text": "Bulgaria continues to improve its position and now occupies 57th place among 148 countries in the annual competitiveness report, ``The Global Competitiveness Report 2013-2014'' of the World Economic Forum, announced by the Center for Economic Development, partner of the World Economic Forum in Bulgaria.", "summaries": ["Bulgaria continues and occupies 57th place among 148 countries in the report, The Global Competitiveness Report 2013 - 2014."]} +{"id": "http://www.androidguys.com/2013/07/24/google-officially-introduces-android-4-3/", "text": "After weeks of rumors and expectations, Google has officially introduced Android 4.3 Jelly Bean.", "summaries": ["Google has officially introduced Android 4.3 Jelly Bean."]} +{"id": "http://newjerseyhills.com/the_progress/news/man-found-dead-in-fairfield-hotel-identified/article_b8f3df40-14b2-11e3-ba6b-001a4bcf887a.html", "text": "A man found dead in a Fairfield hotel room on Sunday, Sept. 1 has been identified as Matthew Wuss, 20, of Chester.", "summaries": ["A man found dead in a Fairfield hotel room has been identified."]} +{"id": "http://www.stockmarketwire.com/article/4665477/GeoPark-seeks-a-listing-in-New-York.html", "text": "GeoPark, the Latin American oil and gas explorer, operator and consolidator with assets and production in Chile, Colombia, Brazil and Argentina, is to seek a listing in New York.", "summaries": ["GeoPark, is to seek a listing in New York."]} +{"id": "http://www.nation.com.pk/pakistan-news-newspaper-daily-english-online/entertainment/10-Nov-2013/lady-gaga-fights-for-crown", "text": "Multi-platinum selling diva Lady Gaga is fighting to keep her 'Queen of Pop' crown with a hotly-anticipated third album, but early reception in the US and Britain has been lukewarm.", "summaries": ["Lady Gaga is fighting to keep crown."]} +{"id": "http://www.brecorder.com/pakistan/general-news/132903-karachi-police-arrest-210-accused-in-past-three-days.html", "text": "Karachi police in their continued drive against criminals, arrested 210 accused from various parts of the city during the past three days.", "summaries": ["Karachi police, arrested 210 accused during the past three days."]} +{"id": "http://www.permianbasin360.com/news-article/d/story/its-tax-day/35095/1vaO4qHG8EGb-vUN3CC6xQ", "text": "It's tax day, the deadline to file your federal taxes.", "summaries": ["It's tax day."]} +{"id": "http://www.technobuffalo.com/2013/11/06/facebook-redesigns-like-button/", "text": "Facebook is re-designing the ``Like'' button for the first time since the button was introduced in 2010.", "summaries": ["Facebook is re-designing the Like button."]} +{"id": "http://www.kgw.com/story/news/2014/07/25/12547562/", "text": "Divers found the body of a young boy in the Sandy River near Glenn Otto Park Thursday, authorities told KGW.", "summaries": ["Divers found the body of a young boy in the Sandy River."]} +{"id": "http://www.hypable.com/2014/04/21/oscars-2015-award-executive-producers/", "text": "The Academy has announced that Craig Zadan and Neil Meron will return to produce the 2015 Oscars in February.", "summaries": ["Craig Zadan and Neil Meron will return to produce the 2015 Oscars."]} +{"id": "http://www.sltrib.com/sltrib/money/56913743-79/points-slightly-stock-500.html.csp", "text": "New York '' The stock market is rising slightly at midday after two key reports left a mixed picture of the US economy.", "summaries": ["New York The stock market is rising slightly at midday."]} +{"id": "http://www.maritime-executive.com/article/Glander-International-Bunkering-Announces-Promotion-2014-04-30", "text": "Glander International Bunkering DMCC is please to announce the promotion of Mr. Alexandros Margaritis to Senior Bunker & Lubricant Trader and Team Leader as of 1st May 2014.", "summaries": ["Glander International Bunkering DMCC is to announce the promotion."]} +{"id": "http://www.theglobeandmail.com/news/world/i-am-alive-so-must-live-us-senator-surfaces-on-twitter-after-surviving-attack-by-son/article15566548/", "text": "A Virginia state senator and one-time candidate for governor stabbed by his son said Friday that he is ``alive so must live,'' his first public statement since the assault and his son's suicide shortly thereafter.", "summaries": ["He is alive so must live."]} +{"id": "http://www.nasdaq.com/article/toshiba-to-start-mass-production-shipments-of-1080p-112m-cmos-image-sensor-20131126-00008", "text": "Japanese electronics manufacturer Toshiba Corp. late Monday announced that it will start mass production shipments of ``T4K71'', a 1080p, 1.12\u00c2\u00b5m, CMOS image sensor with color noise reduction or CNR, on December 2.", "summaries": ["Toshiba Corp. will start mass production shipments of T4K71, a 1080p, 1.12\u00c2\u00b5m, CMOS image sensor."]} +{"id": "http://online.wsj.com/news/articles/SB10001424052702303947904579338631659752364", "text": "A major overhaul of international taxation designed to eliminate loopholes that enable many companies to keep their tax bills low is proceeding on schedule, with the first of a series of draft recommendations to be published for consultation in March, the Organization for Economic Cooperation and Development said Thursday.", "summaries": ["A overhaul of international taxation is proceeding on schedule."]} +{"id": "http://www.chicagotribune.com/sports/sns-rt-fbn-patriots-news-20130813,0,7227464.story", "text": "New England Patriots wide receiver Danny Amendola said he is ready to play Sunday's game against the Miami Dolphins after passing concussion tests this week.", "summaries": ["Danny Amendola is ready to play."]} +{"id": "http://www.shortnews.com/start.cfm?id=94228", "text": "Gwyneth Paltrow, 41 and husband Chris Martin, 37 are to separate after more than 10 years of marriage, the actress announced on her website GOOP.", "summaries": ["Gwyneth Paltrow, and Chris Martin, 37 are to separate."]} +{"id": "http://www.crn.com.au/News/353870,asg-wins-outsourcing-deal-at-clough.aspx", "text": "IT services provider ASG Group has won an outsourcing deal with engineering firm Clough which is believed to be worth between $7 and $9 million.", "summaries": ["ASG Group has won an outsourcing deal with Clough."]} +{"id": "http://www.ndtv.com/article/india/mizoram-government-disowns-company-claiming-to-be-a-government-undertaking-400220", "text": "The Mizoram government on Thursday disowned a company which claimed itself to be a state government undertaking and said strict disciplinary action would be taken against the senior IPS officer who has floated the firm.", "summaries": ["The Mizoram government disowned a company which claimed to be a government undertaking."]} +{"id": "http://www.prnewswire.com/news-releases/montreal-exchange-upgrades-sola-derivative-trading-platform-230675051.html", "text": "The Montreal Exchange announced today that it has upgraded its SOLA derivative trading platform, improving both trading system performance and order management capacity.", "summaries": ["The Montreal Exchange has upgraded its derivative trading platform."]} +{"id": "http://www.washingtonpost.com/business/twitter-sued-for-124-million-by-two-financial-firms/2013/10/30/94b9d5fc-416d-11e3-b028-de922d7a3f47_story.html", "text": "Twitter Inc. was sued for $124 million by two financial firms that claim the San Francisco-based company engineered a failed private sale of its shares to boost investor interest before a planned initial public offering.", "summaries": ["Twitter Inc. was sued for $ 124 million by two financial firms."]} +{"id": "http://www.spyghana.com/princess-beatrix-undergo-surgery/", "text": "Princess Beatrix, the former Dutch queen, has undergone surgery after falling and breaking a cheekbone, the Royal House announced Sunday.", "summaries": ["Beatrix, the queen, has undergone surgery."]} +{"id": "http://www.marketwired.com/press-release/omed-of-nevada-adds-users-with-iquotexpress-1853751.htm", "text": "iQuoteXpress, a leading worldwide provider of sales proposal, e-catalog, configuration and reporting software, today announced that OMED of Nevada has added users to its iQuoteXpress subscription agreement.", "summaries": ["OMED of Nevada has added users to its iQuoteXpress agreement."]} +{"id": "http://arizona.newszap.com/csp/mediapool/public/dt.main.ce.Home.cls?name=bPostPage&bPostPageId=55023&skip=55023", "text": "Whatever the crisis or embarrassment to his administration, Pres. Obama don't know nuttin' about it.", "summaries": ["The crisis, don't know nuttin."]} +{"id": "http://businessdayonline.com/2014/01/faan-never-approved-bi-courtney-terminal-design/", "text": "The Federal Airports Authority of Nigeria on Thursday said it never approved Bi-Courtney terminal design, adding that it was not involved in all stages of the approval.", "summaries": ["The Federal Airports Authority of Nigeria never approved Bi-Courtney terminal design."]} +{"id": "http://www.valuewalk.com/2014/04/microsoft-corporation-msft-will-still-make-millions-from-xp/", "text": "Microsoft Corporation will still make millions of dollars from Windows XP, the more than a decade old version of its Windows operating system despite the fact that it stopped selling the software in 2010 and recently ceased supporting it.", "summaries": ["Microsoft Corporation will still make millions from Windows XP."]} +{"id": "http://nerdreactor.com/2014/03/12/nisa-to-release-toradora-on-blu-ray/", "text": "NIS America has announced that they will be releasing Toradora with a full English dub Blu-ray on July 1, 2014.", "summaries": ["NIS America will be releasing Toradora with a Blu-ray."]} +{"id": "http://www.bestmediainfo.com/2014/03/big-cinemas-enters-washroom-advertising/", "text": "Big Cinemas, a division of Reliance MediaWorks, has entered washroom advertising.", "summaries": ["Big Cinemas has entered washroom advertising."]} +{"id": "http://www.music-news.com/shownews.asp?H=Michael-Jackson-accused-of-beating-up-Bubbles&nItemID=77267", "text": "Late pop icon Michael Jackson has been accused of beating Bubbles by his former brother-in-law, while a leading chimpanzee expert claimed the pet was harmed during his time with the singer.", "summaries": ["Michael Jackson has been accused of beating Bubbles."]} +{"id": "http://www.maltatoday.com.mt/news/world/38409/pope_john_paul_ii_becomes_saint_today", "text": "Hundreds of thousands turn up in St Peter's Square for a historic day, whereby two popes will officially be canonised as saints.", "summaries": ["Two popes will officially be canonised."]} +{"id": "http://www.huffingtonpost.com/2014/03/19/vera-bradley-recall-bear-rattles-bunny-toys_n_4995953.html", "text": "Vera Bradley is recalling approximately 98,000 bear ring rattles and bunny stuffed toys because a pom-pom tail can detach from the items, posing a choking hazard to young children.", "summaries": ["Vera Bradley is recalling approximately 98,000 bear rattles and bunny stuffed toys, posing a choking hazard."]} +{"id": "http://english.cri.cn/7146/2014/01/25/2361s809948.htm", "text": "Hong Kong A listers Chow Yun Fat and Nicholas Tse took to the red carpet in Macau last night to promote their new film ``Man from Macau.''", "summaries": ["Chow Yun Fat took in Macau to promote their film Man."]} +{"id": "http://www.thehilltoponline.com/news/man-dies-after-setting-himself-on-fire-on-national-mall-1.2839537", "text": "An unidentified man died on Friday afternoon after he set himself on fire at the National Mall, authorities say.", "summaries": ["An man died after he set on fire at the National Mall."]} +{"id": "http://voiceofrussia.com/2013_11_08/Olympic-torch-launched-into-space-8038/", "text": "For the first time in Olympic history, the Olympic torch has been launched into space.", "summaries": ["The Olympic torch has been launched into space."]} +{"id": "http://online.wsj.com/news/articles/SB10001424052702304747404579445183734968414", "text": "African governments need to rein in public spending if they are to avoid being swept up in a tide of inflation when the global economy improves, a senior World Bank economist said Monday.", "summaries": ["African governments need to rein in spending, a World Bank economist said."]} +{"id": "http://www.itv.com/sport/football/update/2013-10-09/skipper-keane-sits-out-training/", "text": "Republic of Ireland skipper Robbie Keane sat out training on Wednesday morning just two days before the World Cup qualifier in Germany.", "summaries": ["Republic of Robbie Keane sat out training."]} +{"id": "http://economictimes.indiatimes.com/news/politics-and-nation/tamil-nadu-government-unveils-new-industrial-policy-vision-2023/articleshow/30795694.cms", "text": "Tamil Nadu Government today unveiled a new industrial policy, an exclusive policy for automobile sector and the phase-II Vision 2023 document.", "summaries": ["Tamil Nadu Government today unveiled a new industrial policy, and the Vision 2023 document."]} +{"id": "http://www.business-standard.com/article/politics/bjp-makes-only-promises-congress-delivers-sonia-gandhi-113110700388_1.html", "text": "The UPA chairperson alleged that the BJP only makes promises while the Congress delivers.", "summaries": ["The BJP makes promises while the Congress delivers."]} +{"id": "http://www.timesofmalta.com/articles/view/20131129/football/valletta-announces-new-initiatives-for-supporters.496823", "text": "Valletta today announced a number of new initiatives for supporters including that the club was in the process of publishing a book about the history of football in Valletta.", "summaries": ["Valletta today announced a number of new initiatives for supporters."]} +{"id": "http://timesofindia.indiatimes.com/city/delhi/Water-supply-to-be-affected/articleshow/30958225.cms", "text": "Due to repair of a water line near Alipur drain in Narela, water supply will be affected on Wednesday and Thursday in Bakhtawarpur, Jhangola, Tigipur, Kushak No III, Mohammadpur, Ramzanpur, Singhu, Palla, Tajpur, Akbarpur Mazra, Alipur, Jindpur, Bakoli, Khampur, Budhpur and Hamidpur Villages, Holambi Kalan, Holambi Khurd, Ghoga, Sannoth, Khera Kalan, Khera Khurd, Naya Bans, Barwala, Prahladpur, Mamurpur, Pana Udyan and Pana Paposian Narela, UA Colonies of Narela, Regularized colones of Narela, JJ Cluster Narela, DDA area Narela Industrial area Narela and Metro Vihar Phase-I and II near Holambi Kalan Village, Nangli Poona Village, Kadipur Village, Mukhmelpur Village, Ibrahimpur Village, Badli Village, Libaspur Village, Bawana Village, Katewara, Bajitpur, Nangal Thakran, Quatabgarh, Ochandi, Punjab Khor, Jat Khor, Daryapur, Mungeshpur, Tatesar and Zheemarpura Villages.", "summaries": ["Water supply will be affected."]} +{"id": "http://www.springfieldnewssun.com/news/news/local-govt-politics/clark-county-rejects-400000-state-loan/nbcxJ/", "text": "Clark County commissioners Wednesday rejected a $400,000 state loan that was to be used to renovate the Springview Government Center.", "summaries": ["Clark County commissioners rejected a $ 400,000 state loan."]} +{"id": "http://www.sportsmole.co.uk/football/everton/news/barry-draw-was-fair-result_131722.html", "text": "Everton midfielder Gareth Barry believes that a draw was the fairest result in this evening's Premier League match against West Bromwich Albion.", "summaries": ["Gareth Barry believes a draw was the fairest result."]} +{"id": "http://www.globaltimes.cn/content/795784.shtml", "text": "European Central Bank executive board member Peter Praet has said key interest rates would remain at current levels or be cut further as long as the inflation trend remains restrained.", "summaries": ["Key interest rates would remain at current levels."]} +{"id": "http://www.3aw.com.au/blogs/neil-mitchell-blog/ambulance-response-time-to-improve/20130722-2qdk9.html", "text": "Ambulance response times will improve within the next two years according to the head of Ambulance Victoria.", "summaries": ["Ambulance response times will improve."]} +{"id": "http://www.lostlettermen.com/article/current-news-big-ten-reveals-new-logo-division-names", "text": "The Big Ten finally revealed its new logo and division names today and missed badly on both.", "summaries": ["The Big Ten revealed its logo and division names."]} +{"id": "http://www.nationofblue.com/2014/01/john-wall-is-not-happy/", "text": "Former Kentucky and current Washington Wizards guard John Wall is not very happy after being left off the 28 man roster for the US Men's National Team for a chance to compete in the 2014 World Games and 2016 Olympics.", "summaries": ["John Wall is not happy."]} +{"id": "http://www.jsonline.com/business/zywave-sells-insurance-division-b99154963z1-234163531.html", "text": "Zywave Inc., a software company that employs 366 people in Wauwatosa, has sold its insurance division and the Zywave brand name to Aurora Capital Group, a private equity firm in Los Angeles.", "summaries": ["Zywave Inc. has sold its insurance division."]} +{"id": "http://www.contactmusic.com/story/david-bowie-collaborates-with-arcade-fire_3854035", "text": "David Bowie is preparing another surprise for his fans after collaborating with Canadian rockers Arcade Fire on a new track.", "summaries": ["David Bowie is preparing after collaborating with Arcade Fire."]} +{"id": "http://www.sasklifestyles.com/article/20131220/ESTLIFESTYLES0101/131219942/-1/estlifestyles/carbon-capture-and-storage-project-nears-completion", "text": "The carbon capture and storage project at the Boundary Dam Power Station is nearing completion.", "summaries": ["The carbon capture and storage project is nearing completion."]} +{"id": "http://www.newyorkinjurynews.com/2013/09/17/ll-bean-recalls-cottage-step-stools-over-fall-hazards_2013091710084.html", "text": "LL Bean and the US Consumer Product Safety Commission has voluntarily recalled painted cottage step stools due to a fall hazard posed to consumers.", "summaries": ["LL Bean has recalled cottage step stools due to a fall hazard."]} +{"id": "http://www.envirotech-online.com/news/gas-detection/8/envin_scientific_ltd/new_hand_held_re-chargeable_ozone_monitor/27640/", "text": "The new hand held, re-chargeable ozone monitor from Envin Scientific detects ambient levels of ozone.", "summaries": ["The new hand held, re-chargeable ozone monitor detects."]} +{"id": "http://www.miningweekly.com/article/goldcorp-aims-to-lift-output-50-in-two-years-2014-01-10", "text": "Senior gold miner Goldcorp late on Wednesday said that it aimed to lift gold output by about 50% over the next two years to about four-million ounces as new projects came on line.", "summaries": ["Goldcorp aimed to lift output by about 50% over the two years."]} +{"id": "http://www.dailymail.com/policebrfs/201309230075", "text": "A Webster County man was killed in a motorcycle crash in Nicholas County, deputies say.", "summaries": ["A Webster County man was killed in a motorcycle crash in Nicholas County."]} +{"id": "http://thepeninsulaqatar.com/middle-east/251878-indian-tanker-seized-by-iran-allowed-to-leave.html", "text": "An Indian oil tanker seized by Iran in August for allegedly polluting Gulf waters has been allowed to leave the port where it was held, an Iranian official said yesterday.", "summaries": ["An Indian tanker seized by Iran has been allowed to leave."]} +{"id": "http://economictimes.indiatimes.com/et-now/experts/Excess-liquidity-globally-driving-equity-markets/videoshow/25357753.cms", "text": "Jim Rogers, Chairman, Rogers Holding is of the view that excess liquidity globally is driving the equity markets.", "summaries": ["Excess liquidity globally is driving the equity markets."]} +{"id": "http://tbo.com/news/business/media-general-to-buy-lin-in-deal-worth-16b-20140321/", "text": "Media General, the parent company of WFLA, Channel 8, in Tampa, is buying fellow TV broadcaster LIN Media in a deal worth about $1.6 billion in cash and stock, the companies announced Friday.", "summaries": ["Media General is buying LIN Media in a deal worth about $ 1.6 billion."]} +{"id": "http://www.sunderlandecho.com/sport/sunderland-afc/it-is-not-nice-sunderland-boss-poyet-says-villas-boas-needed-more-time-at-spurs-1-6319476", "text": "Poyet, a former Spurs player and coach, said: ``Nothing surprises me in football. Now, it's not nice. From the managers' point of view no, it is not nice.", "summaries": ["It is not nice."]} +{"id": "http://www.bizjournals.com/memphis/news/2013/10/08/memphis-made-brewing-to-debut-with-two.html", "text": "Memphis Made Brewing Co., a new local brewery, will debut its two inaugural brands Oct. 11 at the Flying Saucer in Downtown Memphis and Cordova.", "summaries": ["Memphis Made Brewing Co. will debut its two brands."]} +{"id": "http://www.huffingtonpost.co.uk/2014/01/28/how-much-time-have-you-wasted-on-facebook-app_n_4678539.html", "text": "The aptly titled ``How much time have you wasted on Facebook?'' app simply asks you to estimate how many minutes a day you spend on the social networking site and then goes through your timeline to the earliest post.", "summaries": ["The How much time have you wasted on Facebook."]} +{"id": "http://www.iol.co.za/news/politics/why-the-youth-should-vote-1.1674163", "text": "With the Economic Freedom Fighters appealing to many young voters, political party leaders on Thursday were asked to motivate why the youth should vote for them.", "summaries": ["Why the youth should vote."]} +{"id": "http://nothingbutnewcastle.com/2013/12/blogs/which-of-this-newcastle-quintet-should-feel-most-hard-done-by", "text": "However, that means high quality players are being left on the bench, so which of this Newcastle quintet should feel most hard done by.", "summaries": ["That means, so which of this Newcastle quintet should feel most hard done by."]} +{"id": "http://www.lfpress.com/2013/08/06/malin-akerman-plays-trophy-wife-with-something-to-prove", "text": "``I literally saw the title, and I said, 'Oh, hell no, I'm not playing a trophy wife,' '' Akerman says at the Television Critics Association tour.", "summaries": ["I 'm not playing a trophy wife."]} +{"id": "http://www.elmoremagazine.com/2013/11/music-news/ed-sheeran-releases-new-video-for-i-see-fire", "text": "Ed Sheeran has released a new video for ``I See Fire,'' a song he wrote for Peter Jackson's upcoming JRR Tolkein film, The Desolation of Smaug, the sequel to 2012's The Hobbit:", "summaries": ["Ed Sheeran has released a new video for I See Fire."]} +{"id": "http://www.thedailystar.net/newsarchive/police-foil-bid-to-demolish-hindu-temple-in-nachole-22185", "text": "Police foiled a bid to demolish a Hindu temple in Deopara area under Nachole upazila of Chapainawabganj and arrested an alleged land grabber and his men yesterday.", "summaries": ["Police foiled a bid to demolish a Hindu temple under Nachole upazila."]} +{"id": "https://au.news.yahoo.com/thewest/latest/a/21629164/man-in-hospital-after-being-tasered/", "text": "A man in his 30s was taken to hospital after he was tasered by a police officer in Northbridge this morning.", "summaries": ["A man was taken to hospital after he was tasered."]} +{"id": "http://english.astroawani.com/news/show/malaysia-japan-agree-to-give-commitment-towards-second-wave-of-look-east-policy-19100", "text": "Malaysia and Japan have agreed to give the commitment towards strengthening the second wave of the ``Look East Policy'' in that it should not be limited to training and education, but should be more forward-looking with better focus and more economic-oriented.", "summaries": ["Malaysia and Japan have agreed to give the commitment towards strengthening the second wave of the Look East Policy."]} +{"id": "http://www.chicagotribune.com/entertainment/chi-kanye-west-timeline-20140210,0,4706063.htmlpage", "text": "Kanye West was born in Atlanta to Donda and Ray West.", "summaries": ["Kanye West was born."]} +{"id": "http://www.bigcountryhomepage.com/story/greg-abbott-to-visit-abilene-brownwood/d/story/rUGxk7jf3UOUxv_fCR8u6A", "text": "Attorney General and gubernatorial candidate Greg Abbott will visit Abilene and Brownwood on August 29 in a continuation of his Main Street Texas Tour.", "summaries": ["General and Greg Abbott will visit Abilene and Brownwood."]} +{"id": "http://www.click2houston.com/news/severe-weather-sweeps-through-southern-states/25360098", "text": "Severe weather is sweeping through the southern states and will make a turn up to the Mid-Atlantic on Monday.", "summaries": ["Severe weather is sweeping through the southern states."]} +{"id": "http://www.1380kcim.com/Carroll-to-host-first-ever-Youth-Triathlon/18853381", "text": "The City of Carroll is hosting its first ever youth triathlon on Saturday, May 24 th .", "summaries": ["The City of Carroll is hosting its first ever youth triathlon."]} +{"id": "http://www.thesackrace.com/news/3rd-february-2014/brian-mcdermott-returns-to-leeds-united", "text": "Brian McDermott will return to work at Leeds United on Monday morning following a chaotic and extraordinary couple of days at Elland Road.", "summaries": ["Brian McDermott will return at Leeds United."]} +{"id": "http://www.app.com.pk/en_/index.php?option=com_content&task=view&id=266992&Itemid=2", "text": "Pakistan Railways has recovered stolen track worth Rs.9 million during last few months.", "summaries": ["Pakistan Railways has recovered stolen track worth Rs.9 million."]} +{"id": "http://www.starpulse.com/news/Dave_Simpson/2013/11/03/martin_scorsese_honoured_by_los_angele", "text": "Director Martin Scorsese was honoured at the Los Angeles County Museum of Art on Saturday as a host of stars helped to raise $4.1 million for the institution's film programme.", "summaries": ["Martin Scorsese was honoured at the Los Angeles County Museum of Art."]} +{"id": "http://economictimes.indiatimes.com/et-now/daily/IT-department-submits-report-on-NSEL-to-ED-probe-panel/videoshow/22460956.cms", "text": "IT department submits its report on NSEL crisis to ED probe panel and alleges that Mohan India Pvt Ltd is a big defaulter and is not an actual commodity trader.", "summaries": ["Department submits its report on NSEL crisis to ED probe panel."]} +{"id": "http://www.weyburnreview.com/article/20130828/WEYBURN0201/130829852/-1/weyburn02/delaet-ties-second-at-the-barclays-new-career-high", "text": "DeLaet tied second at The Barclays, a new career high for the former Weyburn resident.", "summaries": ["DeLaet tied second at The Barclays, a new career high."]} +{"id": "http://www.pardaphash.com/news/cheteshwar-pujara-ranks-8th-as-a-good-investment-option-in-sports/723876.html", "text": "Indian Cricket team batsman Cheteshwar Pujara has been ranked at the 8th position by a top US-based sports website as a good investment option in sports.", "summaries": ["Cheteshwar Pujara has been ranked at the 8th position as a good investment option in sports."]} +{"id": "http://wcfcourier.com/news/local/shell-rock-woman-hurt-in-crash/article_c8eee320-7085-11e3-ae74-001a4bcf887a.html", "text": "A Shell Rock woman has been hurt in a single-vehicle crash in rural Butler County.", "summaries": ["A Shell Rock woman has been hurt in a crash."]} +{"id": "http://www.usatoday.com/story/sports/mlb/2014/03/02/hudson-has-2-hitless-in-return-from-broken-ankle/5951721/", "text": "Right-hander Tim Hudson made his first start since breaking his ankle on July 24, pitching two no-hit innings, and the San Francisco Giants beat the Arizona Diamondbacks 5-3 Sunday.", "summaries": ["Tim Hudson made his first start since breaking his ankle."]} +{"id": "http://www.brecorder.com/market-data/stocks-a-bonds/0/1239272/", "text": "Turkish assets fell on Monday after the International Monetary Fund criticised the country for not tightening policy enough to reduce its external imbalances, and as investors grow more cautious over the US budget stand-off and debt ceiling.", "summaries": ["Turkish assets fell."]} +{"id": "http://citizensvoice.com/news/police-blotter-12-22-13-1.1605278", "text": "n According to police, thieves targeted three vehicles while parked outside Pasquale's Ristorante & Pizza, Sans Souci Parkway.", "summaries": ["Thieves targeted three vehicles."]} +{"id": "http://abclocal.go.com/wls/story?section=news/local/chicago_news&id=9265388", "text": "A weekend summit calling for peace in Chicago is beginning Friday night with a prayer vigil at Salem Baptist Church on east 14th Street for the victims of violence.", "summaries": ["A weekend summit calling for peace in Chicago is beginning."]} +{"id": "http://www.theeagle.com/news/local/article_25afa6e5-4b86-56f5-9231-a4806ff85fe3.html", "text": "A 47-year-old Bryan man was in jail Sunday night after being accused of holding a woman at knifepoint while high on methamphetamine.", "summaries": ["A man was after being accused of holding a woman at knifepoint."]} +{"id": "http://www.huffingtonpost.com/2014/02/07/jailed-for-trolling-herself-facebook-michelle-chapman_n_4745550.html", "text": "In an unusual case out of the United Kingdom, a British woman was jailed for trolling herself on Facebook.", "summaries": ["A British woman was jailed for trolling herself on Facebook."]} +{"id": "http://www.wcti12.com/news/habitual-felon-sentenced-to-almost-18-years-in-prison/24964890", "text": "A habitual felon from Pitt County has been sentenced to almost 18 years in prison for a firearm charge.", "summaries": ["A habitual felon has been sentenced to almost 18 years in prison."]} +{"id": "http://www.tucsonnewsnow.com/story/23432205/northwest-fire-responds-to-motorcycle-accident", "text": "Northwest Fire District responded to two motorcycle accidents on Saturday morning, according to Captain Adam Goldberg.", "summaries": ["Northwest Fire District responded to two motorcycle accidents."]} +{"id": "http://www.contactmusic.com/story/elton-john-to-fight-in-new-movie_3782206", "text": "Elton John is being lined up for a fight scene in new British spy movie 'The Secret Service'.", "summaries": ["Elton John is being lined up for a fight scene in new movie."]} +{"id": "http://www.pandct.com/media/shownews.asp?ID=38272", "text": "Invensys, a leading supplier of state-of-the-art industrial software, systems and control equipment to the world's major industries, has acquired InduSoft, a provider of HMI and embedded intelligent device software for the automation market.", "summaries": ["Invensys, has acquired InduSoft."]} +{"id": "http://espn.go.com/los-angeles/mlb/story/_/id/9538379/los-angeles-dodgers-hanley-ramirez-jams-shoulder-tumble", "text": "Los Angeles Dodgers shortstop Hanley Ramirez jammed his right shoulder when he tumbled into the stands after a catch Sunday, and the team hopes he can avoid the disabled list.", "summaries": ["Hanley Ramirez jammed his shoulder."]} +{"id": "http://lancasteronline.com/article/local/885011_Lancaster-Barnstormers-to-host-third-annual-job-fair.html", "text": "The Lancaster Barnstormers will host their third annual job fair during their home game against the Bridgeport Bluefish on Aug. 20.", "summaries": ["The Lancaster Barnstormers will host their third annual job fair."]} +{"id": "http://www.aina.org/news/20130816142727.htm", "text": "US Secretary of State John Kerry warned Thursday that Iraq risked destabilization from Sunni and Shiite extremists as civil war flares in neighboring Syria.", "summaries": ["John Kerry warned Iraq risked destabilization from extremists."]} +{"id": "http://wvmetronews.com/2014/03/25/tomblin-signs-municipal-gun-bill-into-law-charleston-promises-court-challenge/", "text": "Gov. Earl Ray Tomblin signed the municipal gun bill into law Tuesday evening and Charleston Mayor Danny Jones said the city would challenge it in court.", "summaries": ["Earl Ray Tomblin signed the municipal gun bill into law."]} +{"id": "http://www.sportsmole.co.uk/american-football/dallas-cowboys/news/jones-i-regret-firing-landry_140793.html", "text": "Dallas Cowboys owner and general manager Jerry Jones has admitted that he regrets firing former head coach Tom Landry almost 25 years ago.", "summaries": ["Jerry Jones regrets firing Tom Landry."]} +{"id": "http://freepressjournal.in/youth-commits-suicide-after-sodomised-by-friends/", "text": "A 22- year- old youth, who had committed suicide in Tarana on February 28, 2014 was sodomised by his four friends.", "summaries": ["A youth, who had committed suicide was sodomised by his four friends."]} +{"id": "http://www.channelnewsasia.com/news/business/singapore/singapore-shares-end-flat/757464.html", "text": "Singapore shares ended flat in thin volume on Friday, as investors assess the US Federal Reserve's next interest rate policy.", "summaries": ["Singapore shares ended flat."]} +{"id": "http://www.nydailynews.com/new-york/nyc-crime/investment-guru-busted-smuggling-knife-lga-article-1.1760568", "text": "An investment guru who owns a $2 million, 10-bedroom mansion in Connecticut was busted for smuggling a knuckle knife through LaGuardia Airport security, officials said Thursday.", "summaries": ["An investment guru, was busted for smuggling a knife through LaGuardia Airport security, officials said."]} +{"id": "http://sosogay.co.uk/2014/george-michael-tops-uk-album-charts/", "text": "George Michael has topped the UK album charts with his new album Symphonica.", "summaries": ["George Michael has topped the UK album charts."]} +{"id": "http://www.blackpoolgazette.co.uk/news/local/road-closed-after-crash-1-5987116", "text": "A road was briefly closed after a two vehicle car crash in Staining on Monday.", "summaries": ["A road was closed after a crash."]} +{"id": "http://www.newindianexpress.com/nation/Manmohan-Singh-to-share-stage-with-Modi/2013/10/29/article1862250.ece", "text": "Prime Minister Manmohan Singh will Tuesday share the stage here with Gujarat Chief Minister Narendra Modi, who is the BJP's prime ministerial candidate for 2014 polls.", "summaries": ["Manmohan Singh will share the stage with Narendra Modi."]} +{"id": "http://web.orange.co.uk/article/sports/riley_to_remain_with_wakefield", "text": "Warrington winger Chris Riley is to remain at Wakefield on a week-by-week basis following the expiry of his initial month's loan deal.", "summaries": ["Chris Riley is to remain at Wakefield."]} +{"id": "http://www.tv3.ie/entertainment_article.php?locID=1.803.810&article=109133", "text": "Sandra Bullock always played a ''dirty gypsy child'' in her mother's operas when she was growing up.", "summaries": ["Sandra Bullock played a dirty gypsy child in her mother's operas."]} +{"id": "http://www.oc-breeze.com/2014/04/27/51270_garden-grove-seniors-invited-to-mothers-day-event/", "text": "Garden Grove seniors are invited to celebrate Mother's Day with a fun-filled event that includes dancing, food, and special treats, sponsored by CareMore healthcare group.", "summaries": ["Garden Grove seniors are invited to celebrate Mother's Day with a event."]} +{"id": "http://www.blabbermouth.net/news/veil-of-maya-re-signs-with-sumerian-records/", "text": "Chicago-based VEIL OF MAYA has re-signed with Sumerian Records, the label which the band has called its home since the group's inception.", "summaries": ["VEIL OF MAYA has re-signed with Sumerian Records."]} +{"id": "http://www.upi.com/Sports_News/2013/10/17/Keenum-to-start-at-quarterback-for-Houston/UPI-45781382039421/", "text": "Case Keenum will start at quarterback Sunday for the Houston Texans in place of the injured Matt Schaub, Texans Coach Gary Kubiak said Thursday.", "summaries": ["Case Keenum will start at quarterback for the Houston Texans."]} +{"id": "http://www.givemesport.com/435633-floyd-mayweather-will-fight-amir-khan-in-the-future", "text": "Floyd Mayweather is open to fighting Amir Khan in the future, despite snubbing the Bolton-born boxer in favour of a May bout with Argentine Marcos Maidana, according to promoters Golden Boy.", "summaries": ["Floyd Mayweather is open to fighting Amir Khan in the future."]} +{"id": "http://www.playbill.com/news/article/182186-Adam-Jacobs-and-Courtney-Reed-Will-Co-Star-in-Disneys-Aladdin-Complete-Cast-Announced?tsrc=nx", "text": "Adam Jacobs and Courtney Reed, who co-starred as Aladdin and Jasmine in the Seattle premiere of Disney's Aladdin, will reprise their performances in Toronto and on Broadway.", "summaries": ["Adam Jacobs and Courtney Reed, who co-starred as Aladdin, will reprise."]} +{"id": "http://www.prweb.com/releases/homes-for-sale-sunnyvale/ca-houses-for-sale/prweb11090406.htm", "text": "Homes for sale in Sunnyvale, CA are now listed for buyers online by the Transaction Engineers company, according to a RealEstateNewsWire.com report.", "summaries": ["Homes for sale in Sunnyvale, are now listed by the Transaction Engineers company."]} +{"id": "http://adage.com/article/digital/social-media-management-firm-hootsuite-raises-165-million/243424/", "text": "Vancouver-based social-media-management company HootSuite has just raised an eye-popping $165 million during its Series B round.", "summaries": ["Social-media-management company HootSuite has raised an $ 165 million."]} +{"id": "http://www.whas11.com/news/Infomercial-king-Kevin-Trudeau-ordered-to-jail-224388171.html", "text": "Controversial TV pitchman Kevin Trudeau, who in July was found in contempt for failing to pay a $37.6 million sanction against him for deceptive marketing, was ordered to jail today and remains in federal custody in Chicago.", "summaries": ["TV pitchman Kevin Trudeau was ordered to jail."]} +{"id": "http://web.orange.co.uk/article/quirkies/Woman_shares_her_home_with_50_skunks", "text": "A US woman who shares her home with 50 skunks says they are ``wonderful, beautiful animals''.", "summaries": ["A woman who shares her home with 50 skunks says."]} +{"id": "http://zeenews.india.com/news/nation/nitish-decries-blame-game-over-kishtwar-communal-strife_868997.html", "text": "Bihar Chief Minister Nitish Kumar on Wednesday decried the blame game between BJP and Congress over Kishtwar communal strife and suggested that the Omar Abdullah government be given a proper opportunity to handle the situation.", "summaries": ["Nitish Kumar decried the blame game over Kishtwar communal strife."]} +{"id": "http://www.upi.com/Top_News/World-News/2013/08/25/French-mayor-refuses-to-marry-lesbian-couple/UPI-99351377446434/", "text": "A far-right French mayor has refused to marry a lesbian couple in defiance of a federal law that allows same-sex marriage.", "summaries": ["A French mayor has refused to marry a lesbian couple."]} +{"id": "http://www.ghanaweb.com/GhanaHomePage/NewsArchive/artikel.php?ID=279534", "text": "A US$5 million fish feed mill with an installed capacity of 24,000 metric tonnes has been inaugurated at Prampram, near Tema, to help boost the aquaculture sector of the country.", "summaries": ["A fish feed mill has been inaugurated at Prampram."]} +{"id": "http://articles.chicagotribune.com/2014-03-24/news/chi-retired-chicago-police-sergeant-dies-weeks-after-wounded-in-home-invasion-20140324_1_home-invasion-sergeant-robbers", "text": "A retired Chicago police sergeant has died, two weeks after he was shot in the neck during a home invasion in the East Side neighborhood, officials said.", "summaries": ["A retired Chicago sergeant has died, two weeks he was shot during a home invasion."]} +{"id": "http://www.dailyjournal.net/view/story/fce14f7c880342e8b0436582d2bf049c/NJ--Port-Authority-Police-Suit/", "text": "Three Port Authority police officers have filed a federal lawsuit seeking to overturn promotions they say were unlawful.", "summaries": ["Three Port Authority officers have filed a federal lawsuit seeking to overturn promotions."]} +{"id": "http://www.ptinews.com/news/4536915_--Bhaag-Milkha-Bhaag---screened-in-Saudi-Arabia-", "text": "Dubai, Mar 25 Farhan Akhtar-starrer 'Bhaag Milkha Bhaag' was screened in Saudi Arabia as part of the ongoing seventh Asian Film Festival 2014.", "summaries": ["Bhaag Milkha Bhaag was screened in Saudi Arabia."]} +{"id": "http://www.netsdaily.com/2013/8/28/4667612/nets-to-hold-training-camp-at-duke-university", "text": "The Brooklyn Nets announced this morning that they will be holding their training camp at Duke University.", "summaries": ["The Brooklyn Nets will be holding their training camp at Duke University."]} +{"id": "http://www.hockeybuzz.com/blog/Mike-Augello/Kessel-Absent-From-Practice/120/55779", "text": "Winger Phil Kessel was absent from practice at the Mastercard Center in Etobicoke, ON Monday morning, but it was not because of an injury.", "summaries": ["Phil Kessel was absent from practice."]} +{"id": "http://www.mydaily.co.uk/2013/08/04/elle-macpherson-marries-jeffrey-soffer-fiji/", "text": "It's the news many men all over the world won't want to hear - Elle Macpherson has married her billionaire boyfriend Jeffrey Soffer in Fiji, according to reports.", "summaries": ["Elle Macpherson has married her boyfriend Jeffrey Soffer in Fiji."]} +{"id": "http://www.kyivpost.com/content/russia-and-former-soviet-union/russia-to-send-two-ships-to-east-mediterranean-328840.html", "text": "Russia will send two ships to the east Mediterranean to strengthen its naval presence because of the 'well-known situation' there, Interfax news agency said on Thursday, Aug.29 referring to the Syria crisis.", "summaries": ["Russia will send two ships to the east Mediterranean."]} +{"id": "http://zeenews.india.com/sports/cricket/umar-akmal-declared-fit_768342.html", "text": "Pakistani batsman Umar Akmal has reportedly been declared fit to play after undergoing medical tests following a mysterious seizure last month during the Caribbean Premier League.", "summaries": ["Umar Akmal has been declared fit."]} +{"id": "http://www.ptinews.com/news/3853408_Pinarayi-Vijayan-did-not-inform-cabinet-on-deal--CBI", "text": "CBI in an affidavit filed yesterday in the court in connection with alleged irregularities in awarding the renovation contract of three hydroelectric projects, said Vijayan had not informed the cabinet about all facts of the deal.", "summaries": ["Vijayan had not informed the cabinet about all facts of the deal."]} +{"id": "http://www.ghanaweb.com/GhanaHomePage/business/artikel.php?ID=304964", "text": "Finance Minister Seth Terkper has insisted that Ghana remains a favourable investment destination despite the turbulence in which the economy is currently going through.", "summaries": ["Ghana remains a favourable investment destination."]} +{"id": "http://jpupdates.com/2014/03/23/hillary-clinton-considering-kinds-decisions-future/", "text": "Hillary Clinton again hinted that she may run for president in 2016 on Saturday night, telling an audience in Arizona she was ``very much concerned'' about the direction of the country and was considering ``all kinds of decisions'' about her future, The Guardian reported.", "summaries": ["Hillary Clinton may run, telling she was and was considering all kinds of decisions about her future."]} +{"id": "http://www.nasdaq.com/article/australian-market-trades-flat-20140105-00025", "text": "The Australian stock market is trading flat on Monday, tracking the mixed cues from Wall Street on Friday.", "summaries": ["The Australian market is trading flat."]} +{"id": "http://www.e-pao.net/GP.asp?src=Sport10..150214.feb14", "text": "YPO Sora once again strike back with a thrilling win over PSC by 5-4 goals in the semi final match of the ongoing JA District Level Men's Open Football Championship 2014 played at DSA Ground, Kakching today.", "summaries": ["YPO Sora strike back with a win over PSC."]} +{"id": "http://www.lowellsun.com/redsox/ci_25456631/red-sox-tested-right-off-bat", "text": "Boston will be tested right off the bat Monday, opening on the road against the improved Baltimore Orioles and 16-game winner Chris Tillman.", "summaries": ["Boston will be tested right off the bat."]} +{"id": "http://www.photonics.com/Article.aspx?AID=55743", "text": "Concept Laser has opened a new development center at its headquarters, increasing its capacity for testing and advancement.", "summaries": ["Concept Laser has opened a new development center."]} +{"id": "http://kjzz.org/content/25032/report-ranks-domestic-airlines", "text": "A report released Monday ranks quality scores from domestic airlines.", "summaries": ["A report ranks from domestic airlines."]} +{"id": "http://www.sundayworld.com/top-stories/news/boy-7-critical-after-being-struck-by-car", "text": "A 7-year-old boy is in critical condition after being struck by a car earlier today, gardai have said.", "summaries": ["A boy is in critical condition after being struck by a car."]} +{"id": "http://www.youtube.com/watch?v=ilBN_-efJr4", "text": "The Russian opposition leader, Alexei Navalny, has been jailed for five years on what people describe as trumped-up charges of embezzlement.", "summaries": ["The Russian opposition leader, Alexei Navalny, has been jailed."]} +{"id": "http://profootballtalk.nbcsports.com/2013/11/06/sean-weatherspoon-returns-to-practice-2/", "text": "Linebacker Sean Weatherspoon returned to practice on Wednesday, marking his first day back on the field after being placed on injured reserve/return because of a September foot injury.", "summaries": ["Sean Weatherspoon returned to practice."]} +{"id": "http://www.sportsmole.co.uk/football/spurs/league-cup/news/kane-buzzing-after-scoring-at-the-lane_114757.html", "text": "Tottenham Hotspur forward Harry Kane was ``buzzing'' after scoring his first senior goal at White Hart Lane.", "summaries": ["Harry Kane was buzzing after scoring his goal at White Hart Lane."]} +{"id": "http://www.mynews3.com/content/news/story/mane-shah-court-sexual-assault-north-las-vegas/8_069ta-Fke1GHTgt30yQg.cspx", "text": "A doctor accused of sexual assault of a victim older than 60 pleaded not guilty today.", "summaries": ["A doctor accused of sexual assault pleaded not guilty."]} +{"id": "http://www.lasvegassun.com/news/2013/nov/02/denver-broncos-coach-john-fox-taken-hospital/", "text": "Denver coach John Fox was taken to a hospital in the Charlotte, NC, area Saturday after feeling light-headed while playing golf during the Broncos' bye week.", "summaries": ["Denver coach John Fox was taken to a hospital."]} +{"id": "http://www.ellwoodcityledger.com/news/community_briefs/free-flu-shots-given/article_3ac2cab9-8e88-569d-aa0c-b23260d8a45b.html", "text": "Free seasonal flu shots will be given at Operation Vaccination, sponsored by the Lawrence County Department of Public Safety, Pennsylvania Region 13 and the state Department of Health.", "summaries": ["Free flu shots will be given."]} +{"id": "http://www.wdio.com/article/stories/s3283723.shtml", "text": "President Barack Obama has signed the $1.1 trillion spending bill that funds the federal government through the end of September.", "summaries": ["Barack Obama has signed the $ 1.1 trillion spending bill."]} +{"id": "http://www.ny1.com/content/politics/political_news/207878/state-senate-passes-bill-to-authorize-more-speed-cameras-in-city", "text": "The state Senate has passed a bill authorizing more speed cameras in the city, a top priority for Mayor Bill de Blasio as part of his Vision Zero traffic safety plan.", "summaries": ["The Senate has passed a bill authorizing more speed cameras in the city."]} +{"id": "http://hereisthecity.com/en-gb/2013/08/12/the-best-things-in-life-arent-free/", "text": "And, as this infographic shows, the best things in life aren't free.", "summaries": ["The best things in life aren't free."]} +{"id": "http://newswire.net/newsroom/pr/00075921-world_war_z_and_zombie_run.html", "text": "World War Z incites zombie run brain craving feeding frenzy that people are dying for and changes the course of sports equipment to last into the apocalypse.", "summaries": ["World War Z incites zombie run brain craving feeding frenzy."]} +{"id": "http://www.timesleader.com/news/photogalleries/1281442/Nanticoke-junior-high-girls-win-9th-grade-basketball-championship", "text": "The Nanticoke Junior High School girls won the 9th grade basketball championship, defeating Wyoming Area recently.", "summaries": ["The Nanticoke Junior High School girls won the 9th grade basketball championship."]} +{"id": "http://www.ravayu.com/120014/online-loans-australia-no-fax-981.html", "text": "I covered online loan australia no fax and board with jobs and scholarships and some loans, mind you.", "summaries": ["I covered online loan australia no fax."]} +{"id": "http://grandstandgazette.com/blog/375/172/payday-loan-illinois-rollover-or-refinance-106", "text": "We found that This payday loan illinois rollover or refinance had 17 external links.", "summaries": ["This payday loan illinois rollover or refinance had."]} +{"id": "http://bayjournal.com.au/21420014/scholarship-essay-writing-help-254.html", "text": "But the only scholarship essay writing help you will not buy at such a company is quality.", "summaries": ["But the scholarship essay writing help is."]} +{"id": "http://www.ptinews.com/news/4537578_None-can-have-faith-in-Modi--Cong-MP-", "text": "Lakhimpur Kheri, Mar 25 Congress MP Pramod Tewari today said none can have faith in Narendra Modi if his own party leaders like LK Advani, Murli Manohar Joshi and Jaswant Singh cannot believe him.", "summaries": ["None can have faith in Narendra Modi."]} +{"id": "http://www.presstv.ir/detail/2014/04/21/359544/ukraine-must-meet-commitments/", "text": "Russian Foreign Minister Sergei Lavrov has said that Ukraine must meet its commitments based on the agreement reached last week in Geneva.", "summaries": ["Ukraine must meet its commitments."]} +{"id": "http://www.dnaindia.com/pune/report-pfc-bounce-back-to-winning-ways-1963643", "text": "Mike Snoei coached side Pune FC bounced back to winning ways with a 2-0 win over Mohammedan Sporting in an I-League round 21 encounter at the Balewadi sports complex, here on Wednesday.", "summaries": ["Pune FC bounced back to winning ways."]} +{"id": "http://www.wwd.com/media-news/fashion-memopad/citizen-watch-co-taps-kelly-clarkson-7315609?module=Accessories-hero", "text": "In a move designed to highlight a new commitment to the women's market, Citizen Watch Co. has tapped singer Kelly Clarkson as its latest brand ambassador.", "summaries": ["Citizen Watch Co. has tapped Kelly Clarkson."]} +{"id": "http://zeenews.india.com/news/world/un-chemical-weapons-experts-leave-damascus-hotel_879532.html", "text": "A team of UN chemical weapons experts, in Syria to investigate alleged use of the banned arms, left their Damascus hotel on Thursday afternoon.", "summaries": ["A team of UN chemical weapons experts left their Damascus hotel."]} +{"id": "http://www.courierpostonline.com/usatoday/article/7908697", "text": "Former reality star Tila Tequila took to Facebook and Twitter Friday to announce she's pregnant.", "summaries": ["Tila Tequila took to announce she's pregnant."]} +{"id": "http://doslives.com/2013/12/jeffreygroup-focus-latin-america-spin-us-hispanic-practice/", "text": "``JeffreyGroup will be focused 100% on Latin America, which is essentially where we were for the first 11 years of our 20-year existence,'' Jeffrey Sharlach, chairman and CEO of JeffreyGroup told PRWEEK.", "summaries": ["JeffreyGroup will be focused on Latin America."]} +{"id": "http://www.wkrb13.com/markets/299115/highwoods-properties-inc-hiw-issues-fy14-earnings-guidance/", "text": "Highwoods Properties Inc issued an update on its FY14 earnings guidance on Tuesday morning.", "summaries": ["Highwoods Properties Inc issued on its FY14 earnings guidance."]} +{"id": "http://www.cbs2iowa.com/news/features/top-stories/stories/inmate-escapes-cr-work-release-program-20264.shtml", "text": "State Corrections officials say an inmate serving a ten year sentence escaped from a work release program Friday.", "summaries": ["An inmate escaped from a work release program."]} +{"id": "http://www.traveldailymedia.com/202784/air-india-likely-to-join-star-alliance-this-summer-schwab/", "text": "Air India is likely to complete all the required work to join the Star Alliance this summer.", "summaries": ["Air India is likely to complete the work to join the Star Alliance this summer."]} +{"id": "http://zeenews.india.com/news/world/gambia-reopens-borders-with-senegal_927357.html", "text": "The Gambia reopened its borders with Senegal on Friday, ending a week-long diplomatic stand-off between the west African neighbours, officials said.", "summaries": ["The Gambia reopened its borders with Senegal."]} +{"id": "http://www.xpatloop.com/news/hungary_ready_to_send_chemical_experts_to_syria", "text": "Hungary is ready to send chemical and biological experts to Syria to support efforts to put the country's chemical weapons under international control, Minister of Foreign Affairs J\u00e1nos Martonyi told the 68th session of the United Nations General Assembly in New York on 30 September 2013.", "summaries": ["Hungary is ready to send chemical and experts to Syria."]} +{"id": "http://thehonestyhour.com/2013/09/tamar-braxton-performs-2013-itunes-festival/", "text": "On Saturday evening, Tamar Braxton performed at the 2013 iTunes Festival in support of her new album, Love and War.", "summaries": ["Tamar Braxton performed at the 2013 iTunes Festival."]} +{"id": "http://espn.go.com/racing/nascar/story/_/id/10402306/nascar-creates-new-deterrence-penalty-system", "text": "NASCAR unveiled a revamped penalty system Tuesday that for the first time will define specific offenses with predetermined penalties.", "summaries": ["NASCAR unveiled a revamped penalty system."]} +{"id": "http://www.vanguardngr.com/2014/02/new-pension-scheme-still-undersubscribed-akande/", "text": "Executive Director, Operations and Services of Premium Pension Limited, Mr. Kayode Akande, has said that the new pension scheme is still undersubscribed with only about six million subscribers considering the fact that about sixty million Nigerians have one form of employment or another.", "summaries": ["The new pension scheme is still undersubscribed."]} +{"id": "http://news.smh.com.au/breaking-news-business/stocks-to-watch-at-the-close-on-tuesday-20130820-2s7ul.html", "text": "Stocks to watch on the Australian stock exchange at the close on Tuesday:", "summaries": ["Stocks to watch at the close on Tuesday."]} +{"id": "http://www.movieswithbutter.com/blogs/michael-douglas-joins-paul-rudd-hank-pym-ant-man-685065", "text": "Michael Douglas will join Paul Rudd as Hank Pym in Ant-Man, Marvel has announced on its website.", "summaries": ["Michael Douglas will join Paul Rudd as Hank Pym in Ant-Man."]} +{"id": "http://www.amazinavenue.com/2013/10/22/4867972/new-york-mets-matt-harvey-surgery-tommy-john-injury-update-status", "text": "The Mets announced that Matt Harvey underwent successful Tommy John surgery today to repair the partially torn ulnar collateral ligament in his right elbow.", "summaries": ["Matt Harvey underwent successful Tommy John surgery."]} +{"id": "http://news.pioneergroup.com/manisteenews/2013/09/05/three-men-admit-to-making-bottle-bombs/", "text": "Three Manistee County men have admitted to making homemade bottle bombs and placing them outside a residence in the City of Manistee.", "summaries": ["Three men have admitted to making bottle bombs."]} +{"id": "http://www.bnamericas.com/news/banking/pacific-alliance-signs-cooperation-agreement-to-combat-money-laundering", "text": "Member countries of the Pacific Alliance signed a cooperation agreement to help combat money laundering and the financing of terrorism, according to Peru's official news...", "summaries": ["Countries of the Pacific Alliance signed a cooperation agreement to help combat money laundering."]} +{"id": "http://www.u.tv/Entertainment/Katie-Price-hospitalised-in-Europe/cfcf9158-302c-4c24-9272-8dcadfd87c61", "text": "Reality TV star Katie Price has been hospitalised in Europe after suffering pregnancy complications, according to a report.", "summaries": ["Katie Price has been hospitalised in Europe."]} +{"id": "http://www.cbc.ca/news/canada/nova-scotia/former-mla-trevor-zinck-not-running-in-election-1.1867189", "text": "Former Nova Scotia politician Trevor Zinck is not running in the provincial election, despite saying as recently as last month that he was planning to run in the electoral district of Dartmouth North.", "summaries": ["Politician Trevor Zinck is not running in the election."]} +{"id": "http://sg.news.yahoo.com/starbucks-opens-first-teavana-tea-bar-york-174613306.html", "text": "Starbucks has opened its first new-style Teavana tea bar in New York City in what promises to be a game-changing event in the fast food and beverage industry.", "summaries": ["Starbucks has opened its first Teavana tea bar in New York City."]} +{"id": "http://wtaq.com/news/articles/2014/apr/25/russian-aircraft-entered-ukraine-airspace-pentagon/", "text": "``I can confirm that on several occasions in the last 24 hours, Russian aircraft have entered Ukrainian airspace,'' the spokesman, Colonel Steve Warren, said.", "summaries": ["Russian aircraft have entered Ukrainian airspace."]} +{"id": "http://www.businessinsider.com/russia-holds-worlds-first-tank-biathlon-2013-8", "text": "Russia held a tank biathlon -- between them, Belarus, Armenia and Kazakhstan -- and they supposedly challenged the US to one.", "summaries": ["Russia held a tank biathlon - and Belarus supposedly challenged the US to one."]} +{"id": "http://www.telegraph.co.uk/culture/tvandradio/bbc/10704532/BBC-is-sleepwalking-to-destruction-says-Noel-Edmonds.html", "text": "The BBC is ``sleepwalking to destruction'', veteran presented Noel Edmonds said as he explained his hope to buy the corporation along with a consortium of wealthy investors.", "summaries": ["The BBC is sleepwalking to destruction, veteran presented Noel Edmonds said."]} +{"id": "http://www.thewrap.com/kristen-stewart-alec-baldwin-kate-bosworth-join-julianne-moore-still-alice/", "text": "Kristen Stewart, Alec Baldwin and Kate Bosworth are set to join Julianne Moore in the indie drama ``Still Alice,'' which is based on the bestselling novel of the same name by Lisa Genova, an individual familiar with the project has told TheWrap.", "summaries": ["Kristen Stewart, Alec Baldwin and Kate Bosworth are set to join Julianne Moore in the drama Still Alice."]} +{"id": "http://www.newstalk.ie/Bray-Wanderers-announce-plans-to-become-community-owned-club", "text": "Bray Wanderers have announced plans to revolutionise the structure of the club by becoming an entirely community owned club.", "summaries": ["Bray Wanderers have announced plans to revolutionise by becoming an community owned club."]} +{"id": "http://www.kens5.com/news/world/222864661.html", "text": "Egyptian helicopter gunships struck suspected hideouts of Islamic militants in the northern Sinai peninsula for a second day on Sunday, part of a major offensive aiming at quelling an insurgency in the lawless region, a military official said.", "summaries": ["Egyptian helicopter gunships struck suspected hideouts of militants."]} +{"id": "http://www.realbollywood.com/2013/09/douglas-zeta-jones-celebrate-birthdays-miles.html", "text": "Michael Douglas and Catherine Zeta-Jones will reportedly be celebrating their birthdays alone and miles apart from each other.", "summaries": ["Michael Douglas and Catherine Zeta-Jones will be celebrating their birthdays alone and miles apart."]} +{"id": "http://www.caughtoffside.com/2014/04/15/manchester-united-agree-35m-deal-to-sign-sporting-ace-william-carvalho/", "text": "Manchester United have agreed a \u00a335m deal to sign Sporting Lisbon midfielder William Carvalho, according to talkSPORT.", "summaries": ["Manchester United have agreed a \u00a3 35m deal to sign Sporting Lisbon midfielder William Carvalho."]} +{"id": "http://www.panews.com/local/x1782770486/Burn-ban-lifted", "text": "A burn ban for Jefferson County was lifted Monday after enough rainfall coupled with the promise of more this week prompted County Commissioners to believe the danger of wildfires had sufficiently declined.", "summaries": ["A burn ban was lifted."]} +{"id": "http://www.hedgeweek.com/2014/02/03/196686/80-capital-opens-helium-strategy-investors", "text": "Quantitative hedge fund manager 80 Capital has opened its Helium strategy to external investors following a 23-month trading run and the acquisition of substantial seed capital.", "summaries": ["80 Capital has opened its Helium strategy to investors."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-08-28/india/41537085_1_gorkhaland-territorial-administration-gta-gjm-leaders", "text": "``If the state government has a problem with the Gorkhaland demand, there will come a time when we will have to ask for something else,'' said Gurung.", "summaries": ["We will have to ask for something else."]} +{"id": "http://tvbythenumbers.zap2it.com/2014/04/28/sarah-silverman-joins-season-two-of-showtimes-masters-of-sex/258407/", "text": "Emmy-winning comedian and actress Sarah Silverman is joining the cast of season two of the acclaimed SHOWTIME drama series MASTERS OF SEX.", "summaries": ["Sarah Silverman is joining the cast of season two of the SHOWTIME MASTERS OF SEX."]} +{"id": "http://www.newswire.net/newsroom/pr/00077651-hansonellis-pinterest-twitter-chat.html", "text": "On October 17th several social media experts and an award winning author took to Twitter to discuss Pinterest best practices for business as over 2,000+ people followed along.", "summaries": ["Social media experts took to discuss Pinterest best practices for business."]} +{"id": "http://democratherald.com/news/local/crime-and-courts/waldport-man-charged-with-rape/article_c9eb51e8-20ba-11e3-8b3e-0019bb2963f4.html", "text": "A Waldport man was charged with first-degree rape and other sex crimes during a Linn County Circuit Court hearing Tuesday afternoon.", "summaries": ["A Waldport man was charged with rape."]} +{"id": "http://www.politifact.com/truth-o-meter/statements/2014/apr/22/americans-tax-reform/obama-has-proposed-442-tax-hikes-says-anti-tax-gro/", "text": "Americans for Tax Reform says President Barack Obama has proposed 442 tax hikes since taking office.", "summaries": ["Barack Obama has proposed 442 tax hikes since taking office."]} +{"id": "http://www.ghanaweb.com/GhanaHomePage/NewsArchive/artikel.php?ID=296317", "text": "Head of Public Affairs of the Ghana Police Service Deputy Superintendent of Police Cephas Arthur has cautioned the public to desist from giving money to the police, but check them to make sure they discharge their duties properly.", "summaries": ["Head has cautioned to desist from giving money to the police."]} +{"id": "http://www.canindia.com/2013/11/paris-hilton-files-complaint-against-porn-site/", "text": "Paris Hilton has filed a legal complaint against a Slovenian porn site which is showing clips from her sex tape '1 Night in Paris'.", "summaries": ["Paris Hilton has filed a complaint against a porn site."]} +{"id": "http://www.wafa.ps/english/index.php?action=detail&id=23733", "text": "The Israeli navy arrested two young Gaza fishermen while they were in their boat only one mile in the sea outside Rafah, a human rights group said Thursday.", "summaries": ["The Israeli navy arrested two young Gaza fishermen."]} +{"id": "http://tbo.com/ap/national/lawyer-says-he-was-defamed-by-wolf-of-wall-street-20140219/", "text": "A lawyer who says he was defamed by his portrayal in ``The Wolf of Wall Street'' is asking for $25 million in damages and the film removed from theaters.", "summaries": ["Who says he was defamed by his portrayal in The Wolf of Wall Street."]} +{"id": "http://www.focus-fen.net/news/2014/03/28/331308/obama-says-russia-must-move-back-troops.html", "text": "US President Barack Obama in an interview aired Friday said Russia must ``move back'' its troops from the Ukraine border and start negotiating, AFP reported.", "summaries": ["Barack Obama said Russia must move back its troops."]} +{"id": "http://www.the-review.com/ap%20sports/2013/08/24/stoke-comes-from-behind-to-beat-palace-2-1", "text": "Stoke scored twice in four minutes to come from behind and beat Crystal Palace 2-1 on Saturday, leaving the promoted visitors without a point after two games back in the Premier League.", "summaries": ["Stoke scored to come from behind and beat Crystal Palace 2 1."]} +{"id": "http://e-pao.net/GP.asp?src=15..230114.jan14", "text": "In what could be a disgrace to Manipur Police, the chargesheet copies of about 50 important criminal cases were found missing from various Police Stations in the State.", "summaries": ["The chargesheet copies of about 50 important cases were found missing."]} +{"id": "http://www.theadviser.com.au/breaking-news/29035-housing-affordability-improving", "text": "Housing affordability improved over the June 2013 quarter, according to the Adelaide Bank/REIA Housing Affordability Report.", "summaries": ["Housing affordability improved."]} +{"id": "http://www.voxy.co.nz/national/rail-services-run-normal-tomorrow/5/179403", "text": "Commuter rail services in Wellington and from the Wairarapa, and the Capital Connection are set to run as normal tomorrow morning, following this afternoon's earthquake centred near Ekehatuna.", "summaries": ["Rail services, are set to run as normal tomorrow morning."]} +{"id": "http://www.businessworld.in/news/business/energy-and-power/coal-india-officers-call-off-strike-output-impact-minimal/1292072/page-1.html", "text": "Coal India officers called off their three-day strike midway on Friday after receiving assurances from its chairman on pay-related demands, a union leader said, ensuring little impact on production that peaks in March.", "summaries": ["Coal India officers called off their strike midway."]} +{"id": "http://www.skynews.com.au/local/article.aspx?id=948569", "text": "Four police officers fell ill after finding a drug lab inside a motel room on the NSW mid-north coast.", "summaries": ["Four police officers fell ill after finding a drug lab."]} +{"id": "http://www.ventures-africa.com/2014/04/google-acquires-drone-maker-titan-aerospace/", "text": "American tech giant Google has acquired an American drone maker Titan Aerospace for an undisclosed sum as it seeks to bring internet connectivity to the remotest parts of the world, just weeks after Facebook announced it had acquired UK-based Ascenta at $20 million for a similar project.", "summaries": ["Google has acquired an drone maker Titan Aerospace."]} +{"id": "http://www.carwale.com/news/11451-2014-toyota-corolla-likely-to-be-showcased-at-2014-auto-expo.html", "text": "The 2014 Toyota Corolla is likely to be showcased at the 2014 Auto Expo in February according to a report from Indianautosblog.", "summaries": ["The 2014 Toyota Corolla is likely to be showcased at the 2014 Auto Expo."]} +{"id": "http://www.christianitytoday.com/ct/2013/november/should-foreign-policy-be-determined-by-its-impact-on-christ.html?paging=off", "text": "The answers below are listed on a spectrum from ``Yes, foreign policy should be determined by its impact on Christians,'' to ``No, it shouldn't be.''", "summaries": ["The answers are listed from, foreign policy should be determined by its impact on Christians."]} +{"id": "http://www.classichitsandoldies.com/v2/2014/03/24/aretha-franklin-celebrates-birthday-in-nyc/", "text": "Aretha Franklin celebrated her birthday a few days early Saturday night in New York City.", "summaries": ["Aretha Franklin celebrated her birthday in New York City."]} +{"id": "http://www.winnipegfreepress.com/local/Lasers-hot-tubs-evergreens-would-enhance-city-former-mayor-Thompson-240884171.html", "text": "A laser pyramid, hot tubs at Portage & Main on New Year's Day and evergreens along major city streets would all enhance the city's image, Thompson told a Winnipeg Chamber of Commerce audience during a 30-minute speech today.", "summaries": ["A laser pyramid, hot tubs on New Year's Day and evergreens would enhance the city's image, Thompson told."]} +{"id": "http://www.omantribune.com/index.php?page=news&id=151853&heading=India", "text": "NEW DELHI The Supreme Court on Thursday said it will continue to monitor the probe into the Muzaffarnagar riots and relief and rehabilitation work in violence-hit areas till the end and asked the government of Uttar Pradesh to file report on steps taken by it.", "summaries": ["Supreme Court will continue to monitor the probe into the Muzaffarnagar riots and work in areas till the end."]} +{"id": "http://www.kwwl.com/story/24135763/2013/12/04/compounding-pharmacies-may-be-subject-to-fda-regulations", "text": "Large-scale compounding pharmacies may soon be subject to FDA regulations under a new federal law, according to NBC News.", "summaries": ["Compounding pharmacies may be subject to FDA regulations."]} +{"id": "http://wavenewspapers.com/news/local/west_edition/article_144813ae-11cd-11e3-bd73-0019bb30f31a.html", "text": "A veteran community educator has been appointed interim president of Los Angeles Southwest College as the new fall semester gets under way.", "summaries": ["A veteran educator has been appointed interim president of Los Angeles Southwest College."]} +{"id": "http://www.balkans.com/open-news.php?uniquenumber=188514", "text": "Slovenian flag carrier Adria Airways has signed a code share agreement with Air Serbia, under which the Serbian airline will have the exclusive right for the Ljubljana-Belgrade route.", "summaries": ["Slovenian flag carrier Adria Airways has signed a code share agreement with Air Serbia."]} +{"id": "http://www.10tv.com/content/stories/apexchange/2013/09/16/mi--emergent-biosolutions-michigan.html", "text": "Emergent BioSolutions Inc. is planning to open a new Michigan facility to expand production of its BioThrax anthrax vaccine.", "summaries": ["Emergent BioSolutions Inc. is planning to open a new facility."]} +{"id": "http://english.ahram.org.eg/NewsContent/2/9/93240/World/International/Protesters-disrupt-voting-in-tense-Thai-election.aspx", "text": "Anti-government protesters blocked voting in dozens of constituencies in tense Thai elections Sunday overshadowed by pre-poll bloodshed, an opposition boycott and fears of protracted political limbo.", "summaries": ["Protesters blocked voting in tense Thai elections."]} +{"id": "http://pulse2.com/2014/01/07/kana-verint-systems-100192/", "text": "Verint Systems is a data analysis and security company that is acquiring KANA Software for $514 million in cash.", "summaries": ["Verint Systems is acquiring KANA Software for $ 514 million."]} +{"id": "http://beachcarolina.com/2014/01/27/college-of-charleston-cancels-classes-for-tuesday/", "text": "As a precautionary action due to possible ice and snow, the College of Charleston is canceling all classes, labs and activities for Tuesday, January 28.", "summaries": ["The College of Charleston is canceling all classes, labs for Tuesday."]} +{"id": "http://www.thehindu.com/sport/cricket/kallis-scores-century-in-final-test-south-africa-takes-lead/article5515099.ece", "text": "Rain stopped play in the post-lunch session of the fourth and penultimate day in the second and final cricket Test between India and South Africa in Durban on Sunday.", "summaries": ["Rain stopped play in the post-lunch session."]} +{"id": "http://www.thv11.com/news/article/298317/2/Crews-work-fire-at-west-Little-Rock-apartment-complex", "text": "Crews worked throughout Monday afternoon to contain a fire at a west Little Rock apartment complex that started just before 1 pm", "summaries": ["Crews worked to contain a fire at a west Little Rock apartment complex."]} +{"id": "http://creativeboom.co.uk/graphics/the-client-is-always-right/", "text": "If you work in the creative industries, then you'll know only too well that the client is always right.", "summaries": ["The client is always right."]} +{"id": "http://seattletimes.com/html/localnews/2021521740_beefrecall1xml.html", "text": "Haggen is recalled ground beef after a supplier announced that a sample tested positive for a strain of E. coli.", "summaries": ["Haggen is recalled ground beef."]} +{"id": "http://www.itv.com/sport/football/update/2013-07-22/guus-hiddink-resigns-from-anzhi-makhachkala/", "text": "Reports in Russia are claiming that Guus Hiddink has resigned as manager of FC Anzhi Makhachkala.", "summaries": ["Guus Hiddink has resigned as manager of FC Anzhi Makhachkala."]} +{"id": "http://www.sentinelsource.com/news/local/keene-woman-faces-assault-charges/article_0218678c-f189-52a5-9891-a8291ffc224a.html", "text": "A Keene woman faces two simple assault charges, accused of fighting with her mother Saturday night.", "summaries": ["A Keene woman faces two assault charges."]} +{"id": "http://www.steelguru.com/international_news/Olympic_Steel_announces_management_promotions/326020.html", "text": "Olympic Steel, Inc a leading national metals service center announced several management promotions to support the Company's strategic growth.", "summaries": ["Olympic Steel, Inc a center announced management promotions."]} +{"id": "http://www.wggb.com/2014/02/12/derek-jeter-retiring-after-the-2014-season/", "text": "Derek Jeter will retire after the 2014 season, he announced in a lengthy letter posted on Facebook Wednesday.", "summaries": ["Derek Jeter will retire after the 2014 season."]} +{"id": "http://insurancenewsnet.com/oarticle/2014/04/05/compare-car-insurance-quotes-online-new-insurance-website-now-active-for-motori-a-485702.html", "text": "A faster way to compare car insurance quotes online from multiple providers now exists at http://quotespros.com/auto-insurance.", "summaries": ["A way to compare car insurance quotes online exists."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-08-05/news-interviews/41092066_1_shahid-kapoor-priyanka-chopra-harman-baweja", "text": "Not just Shahid, she has been partying with another former flame, Harman Baweja as well.", "summaries": ["She has been partying with another flame, Harman Baweja."]} +{"id": "http://www.nydailynews.com/entertainment/gossip/alyssa-milanon-expecting-child-article-1.1729807", "text": "Alyssa Milano revealed Friday that she and husband David Bugliari are expecting their second child.", "summaries": ["Alyssa Milano and David Bugliari are expecting their second child."]} +{"id": "http://www.suttonguardian.co.uk/news/10922847.Chief_Treasury_Secretary_Danny_Alexander_visits_Sutton/", "text": "Chief Secretary to the treasury Danny Alexander paid a visit to Sutton to see some of the pioneering cancer research taking place in the borough.", "summaries": ["Danny Alexander paid a visit to Sutton."]} +{"id": "http://www.businesswire.com/news/home/20131001007251/en/Governor-Brown-Signs-SB-493", "text": "Today, California Governor Jerry Brown signed SB 493, the pharmacist provider status legislation.", "summaries": ["Jerry Brown signed SB 493."]} +{"id": "http://gossipandgab.com/42727/who-went-home-on-amazing-race-all-stars-2014-last-night-week-6", "text": "The All Star teams on The Amazing Race 2014 sure made each other work last night on The Amazing Race 24, as it was a race to the finish line to find out both the winner and the loser of this leg of the race, so who went home on Amazing Race All Stars 2014 last night?", "summaries": ["The teams made last night so who went home on Amazing Race All Stars 2014."]} +{"id": "http://www.lusakatimes.com/2014/04/13/mmd-chinsali-calls-reconciliation-unity-party/", "text": "The MMD in Chinsali has called for reconciliation and unity in the party so that the party can go back to its glory days.", "summaries": ["The MMD in Chinsali has called for reconciliation and unity in the party."]} +{"id": "http://www.usmagazine.com/celebrity-style/news/jesse-mccartney-steps-out-in-hollywood-in-onesie-and-man-uggs-crazy-picture-2014283", "text": "Jesse McCartney steps out in Hollywood wearing a onesie and man Uggs on March 26, in Hollywood.", "summaries": ["Jesse McCartney steps out in Hollywood wearing a onesie and man Uggs."]} +{"id": "http://zeenews.india.com/news/world/australian-party-launches-campaign-to-ban-burqa_866919.html", "text": "A minor Australian party contesting the September 7 elections has launched a campaign to ban burqa, saying the full Islamic veil promotes the segregation of Muslims in the country.", "summaries": ["A Australian party has launched a campaign to ban burqa."]} +{"id": "http://www.walesonline.co.uk/news/local-news/man-fighting-life-after-falling-6944259", "text": "A man in his 40s is fighting for his life in hospital after falling from a moving car.", "summaries": ["A man is fighting for his life after falling from a moving car."]} +{"id": "http://www.csnphilly.com/article/bag-tests-positive-ricin", "text": "A bag recovered last week from inside the cover of a gas main tested positive for ricin, investigators tell NBC10.com.", "summaries": ["A bag tested positive for ricin."]} +{"id": "http://www.dailyjournal.net/view/story/69305f70fe3f4abeb3a49e3b53a3cfe8/WY--Hospital-Fraud/", "text": "Federal prosecutors say a former CEO accused of defrauding hospitals in Wyoming and Indiana was apparently able use a stolen passport to flee to Thailand.", "summaries": ["A former CEO accused of defrauding in Wyoming and Indiana was apparently use a stolen passport to flee."]} +{"id": "http://www.videogamer.com/ps4/killzone_shadow_fall/news/you_can_still_get_a_ps4_before_christmas.html", "text": "It is still possible to get hold of a PS4 before Christmas, but only if you order a bundle, Amazon.co.uk has revealed.", "summaries": ["It is still to get hold of a PS4 before Christmas."]} +{"id": "http://rivertonradio.com/index.php/2014/04/04/transplanting-permits-available/", "text": "Tree and shrub transplanting permits are now available for purchase at Shoshone National Forest district offices.", "summaries": ["Transplanting permits are available."]} +{"id": "http://www.tv3.ie/entertainment_article.php?locID=1.803.874&article=130404", "text": "Gwyneth Paltrow will reportedly tour with Coldplay later this year.", "summaries": ["Gwyneth Paltrow will tour with Coldplay."]} +{"id": "http://www.clactonandfrintongazette.co.uk/uk_national_news/11004698.ITV_launches_channel_aimed_at_women/?ref=nt", "text": "ITV is launching a new channel aimed at young women, with shows including The Only Way Is Essex.", "summaries": ["ITV is launching a channel aimed at women."]} +{"id": "http://www.wkyc.com/story/sports/mlb/indians/2014/04/19/masterson-begins-to-settle-in/7902227/", "text": "Cleveland Indians pitcher Justin Masterson is beginning to settle in with his pitches.", "summaries": ["Justin Masterson is beginning to settle in."]} +{"id": "http://www.3aw.com.au/blogs/3aw-sport-blog/giants-say-no-to-martin/20130920-2u46c.html", "text": "In a statement released today, the Giants said they met with Martin at the request of his manager, Ralf Carr, and have decided not to pursue him in the forthcoming trade period.", "summaries": ["The Giants said they met with Martin."]} +{"id": "http://www.digitaltveurope.net/112752/dailymotion-opens-japan-office/", "text": "France-based video site Dailymotion has opened a new Japanese office to tap in on local advertising growth.", "summaries": ["Dailymotion has opened a Japanese office."]} +{"id": "http://www.gomonews.com/apple-accused-of-hiding-profits-again/", "text": "iPhone maker, Apple, is accused of hiding its profits once again.", "summaries": ["Maker, Apple, is accused of hiding its profits again."]} +{"id": "http://zeenews.india.com/entertainment/and-more/justin-bieber-attacked-at-toronto-nightclub-report_141946.htm", "text": "Teen pop star Justin Bieber was reportedly attacked at a Toronto nightclub by a guest in the club.", "summaries": ["Justin Bieber was attacked at a Toronto nightclub."]} +{"id": "http://www.thejournal.ie/gerry-adams-canvass-seanad-dublin-videos-1081881-Sep2013/", "text": "Feedback on ``'I can't kiss you on the lips': Little talk of Seanad as Gerry Adams canvasses in Dublin ''.", "summaries": ["Feedback on I can't kiss on the lips."]} +{"id": "http://christiannews.net/2013/09/29/obama-calls-for-release-of-american-pastor-imprisoned-in-iran/", "text": "Barack Obama has called for the release of an American pastor imprisoned in Iran, reports state.", "summaries": ["Barack Obama has called for the release of an American pastor imprisoned in Iran."]} +{"id": "http://cjonline.com/news/2013-07-30/former-shawnee-co-employee-files-wrongful-termination-lawsuit", "text": "A former Shawnee County employee has filed a wrongful termination lawsuit against the county, claiming at least $75,000 in damages.", "summaries": ["A former Shawnee County employee has filed a wrongful termination lawsuit."]} +{"id": "http://fox6now.com/2014/01/12/general-motors-recalls-370000-trucks-over-fire-risk/", "text": "General Motors announced that it's recalling some 370,000 trucks in North America because of a fire risk.", "summaries": ["General Motors's recalling some 370,000 trucks because of a fire risk."]} +{"id": "http://www.digitalspy.co.uk/bollywood/news/a518849/john-abraham-prohibited-from-using-title-hamara-bajaj.html", "text": "John Abraham has been prohibited from using the title Hamara Bajaj for his home production.", "summaries": ["John Abraham has been prohibited from using the title Hamara Bajaj."]} +{"id": "http://stillwatergazette.com/2013/12/21/stillwater-man-arrested-for-domestic-assault/", "text": "A Stillwater man was arrested on suspicion of fifth-degree domestic assault and gross misdemeanor domestic assault Dec. 14.", "summaries": ["A Stillwater man was arrested on suspicion of domestic assault."]} +{"id": "http://www.latimes.com/business/money/la-fi-mo-sunrun-rec-solar-residential-20140204,0,6197183.story", "text": "Solar financing company Sunrun acquired a residential solar business that will expand its reach in the booming California solar market.", "summaries": ["Sunrun acquired a business that will expand its reach in the California market."]} +{"id": "http://www.news-medical.net/news/20140305/Researchers-unlock-controversial-structure-in-heart-cells.aspx", "text": "Brandeis University researchers have unlocked a controversial structure in heart cells responsible for regulating heart contractions.", "summaries": ["Researchers have unlocked a controversial structure in heart cells."]} +{"id": "http://southfloridagaynews.com/Arts/i-think-its-in-my-head-curated-by-the-tm-sisters.html", "text": "I think it's in my head, curated by renowned artist duo, the TM Sisters, also known as Monica and Natasha Lopez de Victoria, have examined and culled nearly 50 pieces of art from the club's massive private collection.", "summaries": ["I think it's in my head."]} +{"id": "http://zeenews.india.com/sports/motorsports/daniel-ricciardo-to-replace-mark-webber-at-red-bull_768107.html", "text": "Australian Daniel Ricciardo will replace compatriot Mark Webber at Formula One world champions Red Bull next year, the team announced on Monday.", "summaries": ["Daniel Ricciardo will replace Mark Webber Red Bull year."]} +{"id": "http://seattle.cbslocal.com/2014/03/26/razor-clam-digging-begins-wednesday/", "text": "The state Department of Fish and Wildlife says razor clam digging on Washington's beaches begins Wednesday.", "summaries": ["Razor clam digging begins Wednesday."]} +{"id": "http://www.playbill.com/news/article/185784-Oscar_Winner_Jessica_Lange_Will_Star_in_Film_Remake_of%20The_Gambler_?tsrc=rnn", "text": "Academy Award winner Jessica Lange, who stars on the television series ``American Horror Story,'' has been cast in the upcoming film remake of ``The Gambler,'' according to Deadline.com.", "summaries": ["Jessica Lange, who stars, has been cast in the film remake of The Gambler."]} +{"id": "http://www.khon2.com/news/local-news/waianae-man-arrested-for-allegedly-shooting-neighbors-cat", "text": "A Waianae man was arrested for allegedly shooting his neighbor's cat with a pellet gun.", "summaries": ["A Waianae man was arrested for allegedly shooting his neighbor's cat."]} +{"id": "http://www.independent.ie/business/world/danone-sales-growth-beats-estimates-29457984.html", "text": "Danone, the owner of Evian bottled water and Activia yogurt, reported second-quarter sales growth that beat estimates as the company sold more baby-nutrition products in China and dairy sales rose more than forecast.", "summaries": ["Danone reported sales growth that beat estimates."]} +{"id": "http://www.brisbanetimes.com.au/queensland/police-target-recreational-motorcycle-club-20131031-2wi90.html", "text": "For the first time Queensland police have targeted a recreational motorcycle club under the Newman government's controversial anti-association laws.", "summaries": ["Police have targeted a recreational motorcycle club."]} +{"id": "http://articles.economictimes.indiatimes.com/2013-08-19/news/41425166_1_nsel-national-spot-exchange-margin-financing", "text": "Similar to margin financing in equity markets, the nonbanking finance arms of brokers gave loans to wealthy clients to play on NSEL.", "summaries": ["The arms of brokers gave loans to clients to play on NSEL."]} +{"id": "http://www.irishcentral.com/news/queen-elizabeth-ii-used-wrong-name-for-republic-of-ireland-237816011-239669121.html", "text": "In official documents released earlier this month it appears the Queen of England used the wrong name for the Republic of Ireland when writing to president Patrick Hillery.", "summaries": ["The Queen of England used the wrong name for the Republic of Ireland."]} +{"id": "http://www.state.gov/secretary/photos/2013/08/213504.htm", "text": "Secretary of State John Kerry delivers remarks on Syria at the Department of State in Washington, DC, on August 26, 2013.", "summaries": ["Secretary of State John Kerry delivers remarks on Syria."]} +{"id": "http://www.indiatvnews.com/entertainment/hollywood/miranda-kerr-wants-to-explore-bisexuality-7184.html", "text": "Los Angeles, Supermodel Miranda Kerr, who has split from Orlando Bloom, says she wants to ``explore'' her bisexuality.", "summaries": ["Miranda Kerr wants to explore her bisexuality."]} +{"id": "http://www.cardekho.com/india-car-news/renault-fluence-facelift-spotted-10834.htm", "text": "As we had mentioned in our earlier story, the Renault Fluence facelift is just around the corner and we spotted one of the facelift versions in a stockyard.", "summaries": ["The Renault Fluence facelift is and we spotted."]} +{"id": "http://www.keighleynews.co.uk/news/10761313.Craven_Council_legal_team_prosecuting_benefit_cheats_faces_axe/", "text": "Craven Council's legal team -- which last year prosecuted benefit cheats who made more than \u00a3160,000 in bogus claims -- is facing the axe.", "summaries": ["Craven Council's legal team - year prosecuted benefit cheats - is facing the axe."]} +{"id": "http://www.spyghana.com/no-plan-by-federal-government-to-sell-off-any-of-the-refineries/", "text": "He also noted that there was no plan by the federal government to sell off any of the refineries owned by the country.", "summaries": ["There was no plan by the federal government to sell off any of the refineries."]} +{"id": "http://www.reuters.com/article/2013/11/25/us-paloalto-results-idUSBRE9AO10F20131125", "text": "- Security software maker Palo Alto Networks's quarterly revenue jumped 49 percent as subscriptions rose, sending its shares up 8 percent in extended trading.", "summaries": ["Security software maker Networks's revenue jumped as subscriptions rose."]} +{"id": "http://www.celebrityteenscoop.com/2013/10/10/josh-hutcherson/", "text": "The Hunger Games actor shares, ``Maybe I could say right now I'm 100% straight. But who knows? In af*cking year, I could meet a guy and be like, Whoa, I'm attracted to this person.''", "summaries": ["The shares, I could say right now I 'm 100% straight."]} +{"id": "http://www.thewestmorlandgazette.co.uk/news/11118536.MP_Tim_Farron_introduces_bill_to__democratise__national_parks?ref=nt", "text": "SOUTH Lakes MP Tim Farron has introduced a bill in the House of Commons to 'democratise' national parks.", "summaries": ["Tim Farron has introduced a bill to democratise national parks."]} +{"id": "http://www.burnhamandhighbridgeweeklynews.co.uk/uk_national_entertainment/10766146.Director_Antonia_Bird_dies_at_52/", "text": "Antonia Bird, one of Britain's leading female film and TV directors, has died of cancer aged 52.", "summaries": ["Antonia Bird, one, has died of cancer aged 52."]} +{"id": "http://www.theguardian.com/uk-news/2014/feb/28/operation-elveden-former-surrey-police-officer-charged", "text": "Operation Elveden: a former Surrey police officer is to be charged over allegations he took payments for stories.", "summaries": ["Operation Elveden : a former Surrey police officer is to be charged."]} +{"id": "http://www.therepublic.com/w/BKW--Prairie-View-Texas-Southern", "text": "LaReahn Washington and Jeanette Jackson combined for 42 points, helping Prairie View upset Texas Southern 63-58 Saturday for the SWAC title and an NCAA tournament berth.", "summaries": ["Prairie View upset Texas Southern 63 58 for the SWAC title and an NCAA tournament berth."]} +{"id": "http://www.upi.com/Entertainment_News/Movies/2013/09/09/Ian-McKellen-officiates-wedding-of-Patrick-Stewart-and-Sunny-Ozell/UPI-65661378732786/", "text": "British actor Ian McKellen announced on Facebook he officiated the wedding of his longtime friend Patrick Stewart and girlfriend Sunny Ozell.", "summaries": ["Ian McKellen officiated the wedding of his friend Patrick Stewart and Sunny Ozell."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-09-15/kanpur/42080386_1_juhi-suraj-locals", "text": "A middle-aged man was arrested for rape bid on a minor in Juhi late on Friday night.", "summaries": ["A man was arrested for rape bid on a minor."]} +{"id": "http://www.newindianexpress.com/states/kerala/Autorickshaws-must-switch-to-LNG-PAC/2013/11/01/article1867211.ece", "text": "In a significant development that will make environmentalists and residents happy, the Public Accounts Committee of the Kerala Assembly has recommended that autorickshaws plying in the city should mandatorily switch to LNG as fuel.", "summaries": ["Autorickshaws should switch to LNG."]} +{"id": "http://qctimes.com/gallery/st-ambrose-hosts-ashford/collection_1727feef-de27-55d2-944c-293e013421f0.html", "text": "St. Ambrose hosts No. 21 Ashford in mens basketball, Saturday, February 15, 2014, at Lee Lohman Arena in Davenport.", "summaries": ["St. Ambrose hosts Ashford."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-11-30/news/44595887_1_handwriting-engineering-students-zero-marks", "text": "Engineering students with bad handwriting may end up getting zero marks, according to a Mumbai University circular.", "summaries": ["Engineering students with bad handwriting may end up getting zero marks."]} +{"id": "http://www.ktul.com/story/24447546/city-of-tulsa-cracks-down-on-residents-parking-on-the-grass", "text": "The City of Tulsa is cracking down on residents who park on grass, even if is your own front yard.", "summaries": ["The City of Tulsa is cracking down on residents who park on grass."]} +{"id": "http://www.thenews.com.pk/Todays-News-6-195762-People-shift-to-safer-places", "text": "People living close to Nullah Leh shifted to safer places and transferred their household items from their houses on Tuesday.", "summaries": ["People shifted to safer places."]} +{"id": "http://www.streetinsider.com/Press+Releases/Plug+Power+Confirms+Upcoming+Conference+Call+and+Investor+Conference+Schedule/9384133.html", "text": "Plug Power Inc., a leader in providing clean, reliable energy solutions, today confirms its upcoming conference call and investor conference schedule.", "summaries": ["Plug Power Inc, today confirms its upcoming conference call and investor conference schedule."]} +{"id": "http://sikhsiyasat.net/2014/04/08/world-sikh-organization-of-canada-offers-congratulations-to-parti-liberal-du-quebec/", "text": "The World Sikh Organization of Canada has offered its congratulations to the Parti lib\u00e9ral du Qu\u00e9bec for its resounding win in tonight's provincial election.", "summaries": ["The World Sikh Organization of Canada has offered its congratulations to the Parti lib\u00e9ral du Qu\u00e9bec."]} +{"id": "http://www.stthomastimesjournal.com/2014/01/17/cleveland-browns-wr-davone-bess-arrested-for-assault", "text": "Cleveland Browns wide receiver Davone Bess was arrested for assaulting an officer/firefighter on Friday morning, South Florida TV station WBFS reported.", "summaries": ["Cleveland Browns wide receiver Davone Bess was arrested for assaulting."]} +{"id": "http://www.pharmtech.com/pharmtech/article/articleDetail.jsp?id=817875", "text": "MHRA issued a precautionary recall of 16 different prescription medicines made by Wockhardt at its Waluj site in India because MHRA identified manufacturing deficiencies during an inspection and noted that the medicines have not been manufactured to GMP standards.", "summaries": ["MHRA issued a recall of 16 medicines made by Wockhardt at its Waluj site."]} +{"id": "http://www.pinkvilla.com/newstags/aamir-khan/288476/rivals-can-be-friends-aamir-khan-interview", "text": "Aamir Khan, one of Bollywood's top stars who is set for the release of his ``Dhoom 3'', doesn't believe that rivals can't be friends.", "summaries": ["Rivals can't be friends."]} +{"id": "http://economictimes.indiatimes.com/et-now/finance/good-time-to-invest-in-equities-stanchart/videoshow/34112163.cms", "text": "Vishal Kapoor, General Manager Wealth Management at Standard Chartered Bank, said that this is the good time to invest in equities.", "summaries": ["This is the good time to invest in equities."]} +{"id": "http://www.timesofmalta.com/articles/view/20131009/f1/Hamilton-hails-Vettel-as-great-champion-.489623", "text": "Lewis Hamilton hailed Formula One rival Sebastian Vettel as a great champion yesterday, only days after suggesting the German's dominance was sending fans to sleep.", "summaries": ["Lewis Hamilton hailed Sebastian Vettel as a great champion."]} +{"id": "http://en.trend.az/capital/energy/2196579.html", "text": "French energy giant Total will return to Iran, if international sanctions are lifted on petroleum exports, chief executive Christophe de Margerie said at an industry conference here on Tuesday, AFP news agency reported.", "summaries": ["Total will return to Iran, if sanctions are lifted."]} +{"id": "http://www.wmbfnews.com/story/24398378/rep-thad-viers-pleads-guilty-to-harassment-charge", "text": "Former state Rep. Thad Viers pleaded guilty in court on Wednesday to a harassment charge stemming from several incidents with his ex-girlfriend.", "summaries": ["Former state Rep. Thad Viers pleaded guilty to a harassment charge."]} +{"id": "http://www.worldcement.com/news/Cement-industry-in-India/articles/Ambuja_Cements_reports_good_1Q_results_78.aspx", "text": "Ambuja Cements reported a 6.6% increase in net profit for the quarter ended 31 March.", "summaries": ["Ambuja Cements reported a 6.6% increase in profit."]} +{"id": "http://www.news.com.au/business/companies/us-securities-and-exchange-commission-charges-hedge-fund-founder-steven-a-cohen/story-fnda1bsz-1226682311091", "text": "THE US Securities and Exchange Commission has filed civil charges against Steven A. Cohen that accused the billionaire hedge-fund manager of failing to prevent insider trading.", "summaries": ["THE US Securities and Exchange Commission has filed charges against Steven A. Cohen."]} +{"id": "http://www.kptv.com/story/24978909/man-sleeping-in-dumpster-thrown-in-truck-nearly-crushed", "text": "A man sleeping in a dumpster was thrown into a truck and nearly crushed by a compactor.", "summaries": ["A man sleeping in a dumpster was thrown into a truck and nearly crushed."]} +{"id": "http://www.thestar.com/news/crime/2013/12/01/dog_dies_after_being_shot_in_scarborough.html", "text": "A dog has died after being shot outside a Scarborough home early Sunday morning.", "summaries": ["A dog has died after being shot outside a Scarborough home."]} +{"id": "http://urbanacitizen.com/main.asp?SectionID=3&SubSectionID=5&ArticleID=164667", "text": "Water distribution system repairs will occur Monday, Nov. 25, in the city of Urbana, causing water disruptions for some city of Urbana water customers.", "summaries": ["Water distribution system repairs will occur Monday, Nov. 25."]} +{"id": "http://www.thestar.com/news/gta/2014/04/14/shaw_communications_to_lay_off_400_employees.html", "text": "Calgary-based Shaw Communications plans to lay off 400 employees in order to streamline their cable, satellite, Internet and home phone services into two units for consumers and businesses.", "summaries": ["Shaw Communications plans to lay off 400 employees."]} +{"id": "http://www.lansingstatejournal.com/article/20131022/OKEMOS01/310270004/", "text": "Meridian Township has selected an artist to create a commissioned public art sculpture in downtown Okemos.", "summaries": ["Meridian Township has selected an artist to create a public art sculpture."]} +{"id": "http://www.sportsmole.co.uk/football/newcastle-united/news/cabaye-left-out-of-newcastle-squad_101124.html", "text": "Yohan Cabaye is left out of the Newcastle United squad for Wednesday's Capital One Cup tie at Morecambe.", "summaries": ["Yohan Cabaye is left out of the Newcastle United squad."]} +{"id": "http://www.radioaustralia.net.au/international/2014-01-01/over-500-killed-in-political-violence-in-bangladesh-in-2013/1241556", "text": "Over 500 people were killed in political violence in Bangladesh in 2013, making it the worst year since independence.", "summaries": ["Over 500 people were killed in political violence in Bangladesh in 2013."]} +{"id": "http://www.enca.com/elections-2014-south-africa/da-launches-second-ayisafani-tv-advert", "text": "DA launched the party's second ``Ayisafani'' TV advert in Mamelodi on Monday.", "summaries": ["DA launched the party's second Ayisafani TV advert."]} +{"id": "http://www.northernstar.com.au/news/police-appeal-after-two-boys-approached-tweed-head/2138858/", "text": "POLICE are appealing for information after two boys were approached by a man in a car at Tweed Heads over the weekend.", "summaries": ["POLICE are appealing after two boys were approached at Tweed Heads."]} +{"id": "http://www.broadwayworld.com/bwwgeeks/article/FLIR-Systems-Realigns-Global-Operations-20131015", "text": "FLIR Systems, Inc. today announced that it is realigning multiple production and engineering organizations and streamlining its global operations in order to better position FLIR \u00ae to develop, produce and market products more quickly and cost-effectively.", "summaries": ["FLIR Systems Inc. is realigning and streamlining its global operations."]} +{"id": "http://www.inquisitr.com/932172/sony-ps4-voice-recognition-enabled-with-playstation-camera/", "text": "Sony has finally announced that voice recognition will indeed be enabled on the PS4 and will work via the PlayStation Camera.", "summaries": ["Voice recognition will be enabled on the PS4 and will work via the PlayStation Camera."]} +{"id": "http://host.madison.com/business/alliant-energy-raises-earnings-expectations/article_2e8338fb-f1ca-54df-87c1-a7f402a58b9a.html", "text": "Alliant Energy Corp. said Thursday that with higher than expected sales of electricity and natural gas so far this year, it is raising the company's earnings expectations for 2013.", "summaries": ["Alliant Energy Corp. is raising the company's earnings expectations."]} +{"id": "http://www.list.co.uk/article/56824-lawson-want-rita-ora-in-next-video/", "text": "Lawson really want to get Rita Ora in their next music video, but are afraid of ``p***ing off'' her boyfriend Calvin Harris.", "summaries": ["Lawson want to get Rita Ora in their next video."]} +{"id": "http://www.forbes.com/sites/andyrobertson/2013/10/07/superior-spider-man-lego-marvel-super-heroes/", "text": "Superior Spider-Man appears in LEGO Marvel Super Heroes and is quickly dispatched by the original Spidey.", "summaries": ["Superior Spider-Man appears in LEGO Marvel Super Heroes."]} +{"id": "http://www.politico.com/blogs/media/2014/02/bill-kristol-joins-abc-news-182527.html", "text": "Bill Kristol, the editor and publisher of The Weekly Standard, has joined ABC News as a contributor, ``This Week'' host George Stephanopoulos announced on Sunday.", "summaries": ["Bill Kristol has joined ABC News."]} +{"id": "http://news.uk.msn.com/archbishop-arrives-in-burundi", "text": "The Archbishop of Canterbury has arrived in Burundi for the start of a five-day tour meeting bishops of the Anglican church.", "summaries": ["The Archbishop has arrived in Burundi."]} +{"id": "http://www.ifamagazine.com/news/facebook-buys-whatsapp-for-19bn-dollars-293316", "text": "Facebook has agreed to buy WhatsApp for 19bn dollars in cash and stock, the world's biggest social network has announced.", "summaries": ["Facebook has agreed to buy WhatsApp for 19bn dollars."]} +{"id": "http://tbo.com/news/crime/casey-anthony-texasequusearch-reach-settlement-20131021/", "text": "Casey Anthony has reached a settlement in her bankruptcy case with a Texas search group that helped look for her missing 2-year-old daughter.", "summaries": ["Casey Anthony has reached a settlement."]} +{"id": "http://insidetv.ew.com/2013/07/29/will-arnett-arrested-development/", "text": "Will Arnett may be starring in CBS' The Millers this fall, but he's still open to returning to Arrested Development.", "summaries": ["Will Arnett may be starring, but he's open to returning to Arrested Development."]} +{"id": "http://www.dnaindia.com/entertainment/report-veteran-bollywood-cinematographer-vk-murthy-passes-away-1976238", "text": "Veteran Bollywood cinematographer VK Murthy, whom many regarded as the light of late film director Guru Dutt's cinema, has passed away in Bangalore.", "summaries": ["Veteran Bollywood cinematographer VK Murthy has passed away."]} +{"id": "http://www.sportinglife.com/formula1/news/article/669/9127997/force-india-adopt-fierce-new-look", "text": "Force India have adopted a ``fierce new look'' ahead of what co-owner Vijay Mallya is hoping will be their best year in the team's history.", "summaries": ["Force India have adopted a fierce new look."]} +{"id": "http://articles.economictimes.indiatimes.com/2013-12-20/news/45419037_1_litre-hike-diesel-rates-diesel-subsidy", "text": "After losses for the Congress party in the recent assembly elections, the UPA government may do a rethink on the scheduled monthly 50 paise a litre hike in diesel rates, Nomura Equity Research has said.", "summaries": ["The government may do a rethink on the monthly 50 paise a hike in diesel rates."]} +{"id": "http://www.sfexaminer.com/sanfrancisco/woman-shot-in-leg-in-outer-mission-supermarket-parking-lot/Content?oid=2753606", "text": "A woman was shot in the leg in an Outer Mission supermarket parking lot on Wednesday, police said.", "summaries": ["A woman was shot in the leg in an Outer Mission supermarket parking lot."]} +{"id": "http://www.newstribune.info/article/20140415/NEWS/140419849", "text": "A former Keyser woman was charged with trespassing and other violations following a disturbance Thursday night on North Main Street.", "summaries": ["A former Keyser woman was charged with trespassing."]} +{"id": "http://www.google.com/hostednews/afp/article/ALeqM5haVe-Xee8dUM9OMdmMALhwrbIWnQ?docId=5239dabc-bf6f-411a-ad70-26976dc7f714", "text": "Attacks including a car bomb near a cafe and another at a police station killed 22 people in Iraq on Monday, as the country struggles to curb rampant violence.", "summaries": ["Attacks including a car bomb killed 22 people in Iraq."]} +{"id": "http://www.khon2.com/sports/shoji-returning-for-40th-season", "text": "Shoji, the winningest coach in NCAA division I women's volleyball history at 1,129-190-1, posted on his Twitter account early this morning ``Announcing that I am returning for 40th season in 2014, Go bows!''", "summaries": ["Shoji am returning for 40th season."]} +{"id": "http://daily.bhaskar.com/article/DEL-iaf-microlite-aircraft-makes-emergency-landing-in-a-park-4395818-PHO.html", "text": "An IAF microlite aircraft had to make an emergency landing in a park near Shastri Park metro station in east Delhi on Sunday.", "summaries": ["An IAF microlite aircraft had to make an emergency landing in a park."]} +{"id": "http://www.ft.com/cms/s/0/269331c2-6378-11e3-886f-00144feabdc0.html", "text": "PAG, the Asian private equity and investment firm, has made its first corporate investment in Japan, taking a $250m stake in Universal Studios Japan.", "summaries": ["PAG has made, taking a stake in Universal Studios Japan."]} +{"id": "http://globalnews.ca/news/954871/man-dies-after-being-struck-by-vehicle/", "text": "A 46-year-old man has died after being struck by a vehicle in Regina.", "summaries": ["A man has died after being struck by a vehicle."]} +{"id": "http://www.sloatsburgvillage.com/2014/01/29/sparkill-fire-sparked-by-space-heater/", "text": "A Sunday night Sparkill, NY fire, sparked by a space heater, damaged two buildings and put two families and some 21 people out into the cold.", "summaries": ["Sparkill, fire, sparked by a space heater, damaged."]} +{"id": "http://www.scoop.co.nz/stories/BU1308/S01109/david-ross-pleads-guilty-to-all-charges-remanded-in-custody.htm", "text": "David Ross, former manager of Ross Asset Management, pleaded guilty to five charges laid by the Serious Fraud Office and three charges by the Financial Markets Authority in the Wellington District Court and has been remanded in custody.", "summaries": ["David Ross pleaded guilty to five charges and has been remanded in custody."]} +{"id": "http://www.kjrh.com/sports/chris-weidman-defends-ufc-middleweight-title-anderson-silva-suffers-leg-injury", "text": "Chris Weidman defended his UFC middleweight title when Anderson Silva apparently broke his left leg on a kick in the second round, ending UFC 168 with a horrific injury Saturday night.", "summaries": ["Chris Weidman defended his UFC middleweight title."]} +{"id": "http://newindianexpress.com/states/kerala/Police-launch-facility-to-submit-RTI-applications-online/2013/09/03/article1765564.ece", "text": "The state police have launched a new facility for submitting RTI applications online.", "summaries": ["The police have launched a facility for submitting RTI applications online."]} +{"id": "http://www.building.co.uk/government-to-look-at-ways-to-boost-green-deal/5057181.article", "text": "The government is to look at fresh ways to boost demand for the Green Deal, in what will be seen as a tacit admission that the flagship energy efficiency scheme is struggling.", "summaries": ["The government is to look at ways to boost demand for the Green Deal."]} +{"id": "http://basketball.realgm.com/wiretap/229915/Jeff-Pendergraph-Changing-Last-Name-To-Ayres", "text": "Jeff Pendergraph is changing his last name to Ayres as he begins a two-year contract with the San Antonio Spurs.", "summaries": ["Jeff Pendergraph is changing his last name to Ayres."]} +{"id": "http://www.hindustantimes.com/punjab/bathinda/police-foil-students-plan-to-block-road/article1-1133958.aspx", "text": "The Bathinda police on Friday foiled students' plan to stage a protest and block road by cordoning off the Punjabi University Regional Centre campus where students had gathered.", "summaries": ["The police foiled students ' plan to stage and block road."]} +{"id": "http://www.reuters.com/article/2013/08/29/us-syria-crisis-defend-idUSBRE97S0H020130829", "text": "Syrian President Bashar al-Assad said on Thursday that Syria would defend itself against any aggression following reports that the United States and its allies were preparing military action in response to an alleged chemical weapons attack.", "summaries": ["Bashar al-Assad said Syria would defend itself against any aggression."]} +{"id": "http://www.foxbaltimore.com/news/features/top-stories/stories/man-accused-killing-phylicia-barnes-back-court-27568.shtml", "text": "The man accused of killing 16-year-old Phylicia Barnes will be back in court Monday afternoon after a judge threw out his murder conviction.", "summaries": ["The man accused of killing Phylicia Barnes will be back in court."]} +{"id": "http://m.dailyprogress.com/news/local/charlottesville-man-charged-in-new-year-s-day-rape/article_08ff4b3a-74e1-11e3-a44e-001a4bcf6878.html", "text": "A Charlottesville man was charged Friday by University of Virginia police in a New Year's Day rape.", "summaries": ["A Charlottesville man was charged in a New Year's Day rape."]} +{"id": "http://www.counselheal.com/articles/8567/20140206/subway-to-remove-chemical-ingredient-from-bread.htm", "text": "Popular sandwich chain, Subway has announced that it plans on removing a chemical ingredient from its bread.", "summaries": ["Subway plans on removing a chemical ingredient from its bread."]} +{"id": "http://www.saharasamay.com/world-news/676539896/non-muslims-cannot-use-word-allah.html", "text": "In a landmark judgement, a Malaysian court on Monday in Kuala Lumpur ruled that non-Muslims cannot use the word ``Allah'' to refer to God and prohibited a Christian newspaper from using it in the Muslim-majority nation.", "summaries": ["Non-Muslims can not use the word Allah."]} +{"id": "http://www.thehindu.com/news/national/tamil-nadu/supreme-court-exempts-jayalalithaa-from-appearance/article5286304.ece", "text": "The Supreme Court on Tuesday exempted Tamil Nadu Chief Minister Jayalalithaa from personal appearance in a trial court in Bangalore scheduled for Wednesday in the disproportionate assets case because of the ongoing Assembly session.", "summaries": ["The Supreme Court exempted Jayalalithaa from appearance."]} +{"id": "http://www.thehindu.com/news/national/kerala/chandy-promises-help-to-endosulfan-victims/article5405193.ece", "text": "Kerala Chief Minister Oommen Chandy on Friday promised all help to endosulfan victims who have not got benefits from different schemes implemented by the government.", "summaries": ["Oommen Chandy promised help to endosulfan victims."]} +{"id": "http://www.newstalk1010.com/news/2014/03/20/first-day-of-spring-is-here", "text": "Even though it doesn't feel like it, the first day of spring is finally here.", "summaries": ["The first day of spring is here."]} +{"id": "http://www.kingscountynews.ca/News/Local/2013-08-30/article-3370158/Harbourville-man-to-stand-trial-on-sex-charges/1", "text": "A Harbourville man will stand trial next year on sex related charges involving an underage girl.", "summaries": ["A Harbourville man will stand trial on sex related charges."]} +{"id": "http://theadvocate.com/home/8353108-125/denham-springs-woman-dies-of", "text": "A 22-year-old Denham Springs woman died of an apparent heroin overdose while sitting in her car in the Wal-Mart parking lot late Monday night, Police Chief Scott Jones said Tuesday evening.", "summaries": ["A Denham Springs woman died of an apparent heroin overdose."]} +{"id": "http://www.nme.com/news/lady-gaga/72105", "text": "Lady Gaga accused notorious US gossip blogger Perez Hilton of trying to stalk her yesterday in a tweet that has since been deleted.", "summaries": ["Lady Gaga accused Perez Hilton of trying to stalk her."]} +{"id": "https://www.entertainmentwise.com/news/145908/Mickey-Rooney-Dies-Age-93-His-Views-On-Marriage-Hollywood-And-Homosexuality-", "text": "Mickey Rooney died yesterday age 93 at his home in Studio City, California plunging the world of Hollywood into mourning.", "summaries": ["Mickey Rooney died yesterday age 93."]} +{"id": "http://nationalmirroronline.net/new/nigeria-at-100-should-be-celebrated-alhaji-balarabe-musa-second-republic-governor-of-kaduna-state-and-one-time-chairman-of-conference-of-nigeria-political-parties-cnpp/", "text": "Nigeria at 100 should be celebrated for the fact of the date and not because of the performance leading to all round development of the country.", "summaries": ["Nigeria at 100 should be celebrated."]} +{"id": "http://www.gethampshire.co.uk/news/local-news/fleet-tops-antisocial-behaviour-table-6844281", "text": "Fleet town centre continues to top the antisocial behaviour league table for Hart district.", "summaries": ["Fleet town centre continues to top the antisocial behaviour league table."]} +{"id": "http://www.reveal.co.uk/fashion/news/a553737/bella-thorne-works-the-red-carpet-in-monochrome-dress.html", "text": "Bella Thorne worked the red carpet yesterday looking super cute in a monochrome dress.", "summaries": ["Bella Thorne worked the red carpet looking cute in a monochrome dress."]} +{"id": "http://www.ktvu.com/news/news/local-obituaries/beat-generation-writer-carolyn-cassady-dies/nZ4fK/", "text": "A longtime friend of Carolyn Cassady has confirmed the writer who was the former wife of Beatnik Neal Cassady and lover of Jack Kerouac has died.", "summaries": ["A friend of Carolyn Cassady has confirmed the writer has died."]} +{"id": "http://www.givemesport.com/447627-lebron-james-praises-johnny-manziel-after-pro-day", "text": "NBA star, LeBron James has praised NFL draft prospect Johnny Manziel after his pro day at Texas A&M today.", "summaries": ["Star, LeBron James has praised Johnny Manziel after his pro day."]} +{"id": "http://www.koreaherald.com/view.php?ud=20140128000629", "text": "New pledges for foreign direct investment in South Korea dropped in 2013 from a year earlier, affected by a significant pullback by Japan, the Ministry of Trade, Industry and Energy said Tuesday.", "summaries": ["Pledges for foreign direct investment in South Korea dropped in 2013."]} +{"id": "http://post.jagran.com/pandit-shiv-kumar-sharma-abida-parveen-to-perform-at-jammu-festival-1385628395", "text": "The World famous Santoor player, Pandit Shiv Kumar Sharma, Pakistani singer Abida Parveen, Watali Brother and Sabri Brothers will be performing during the 'Jammu festival', which will begun from December 25 in winter capital of Jammu and Kashmir.", "summaries": ["The player, Pandit Shiv Kumar Sharma, Abida Parveen, will be performing during the Jammu festival."]} +{"id": "http://www.kens5.com/news/U-Haul-packed-with-undocumented-aliens-discovered-in-South-Texas-216065551.html", "text": "A U-Haul packed with at least 71 undocumented immigrants was discovered by law enforcement officers in South Texas.", "summaries": ["A U-Haul packed with at least 71 undocumented immigrants was discovered in South Texas."]} +{"id": "http://www.kirotv.com/news/news/dna-baseball-cap-leads-arrest-home-invasion/nfBfT/", "text": "Police said DNA on a baseball cap led to the arrest of a man in a home invasion last summer.", "summaries": ["DNA on a baseball cap led to the arrest in a home invasion."]} +{"id": "http://www.kcsg.com/view/full_story/25003271/article-Gasoline-Prices-in-Utah-Have-Risen-7-3-cents-Per-Gallon?instance=more_local_news1", "text": "Average retail gasoline prices in Utah have risen 7.3 cents per gallon in the past week, averaging $3.45/g yesterday, according to GasBuddy's daily survey of 1,171 gas outlets in Utah.", "summaries": ["Gasoline prices in Utah have risen 7.3 cents per gallon."]} +{"id": "http://www.startribune.com/politics/statelocal/245956071.html", "text": "Republican US Rep. John Kline will host a campaign event today with Tea Party activist and former congressman Allen West.", "summaries": ["Republican US Rep. John Kline will host a campaign event with Tea Party activist and congressman Allen West."]} +{"id": "http://www.theepochtimes.com/n3/297910-aaron-alexis-lied-about-previous-arrest-didnt-disclose-debts/", "text": "Aaron Alexis lied to Navy officials about a previous arrest and debts.", "summaries": ["Aaron Alexis lied about a previous arrest."]} +{"id": "http://www.azernews.az/azerbaijan/59818.html", "text": "Azerbaijan has launched centralized catering management in boarding schools, high schools and gymnasiums under the Education Ministry, the ministry said.", "summaries": ["Azerbaijan has launched centralized catering management in boarding schools."]} +{"id": "http://www.rttnews.com/2269465/paula-deen-lands-75-million-business-deal.aspx", "text": "Paula Deen has landed a $75 million business deal after being fired by The Food Network last year.", "summaries": ["Paula Deen has landed a $ 75 million business deal."]} +{"id": "http://www.chronicle-tribune.com/news/weather-creating-urgent-need-for-blood/article_4c4b7c26-9145-11e3-aa43-001a4bcf887a.html", "text": "The winter weather has created an urgent need for blood donors across most of the United States.", "summaries": ["The weather has created an urgent need for blood donors."]} +{"id": "http://newsok.com/nami-oklahoma-to-offer-free-mental-health-classes/article/3882363", "text": "NAMI Oklahoma will begin offering free mental health classes starting Tuesday at Integris Baptist Hospital.", "summaries": ["NAMI Oklahoma will begin offering free mental health classes."]} +{"id": "https://uk.eurosport.yahoo.com/blogs/pitchside/tributes-pour-vilanova-202831288.html", "text": "Tributes have poured in from the world of football after former Barcelona coach Tito Vilanova died at the age of 45 following a battle with cancer.", "summaries": ["Tributes have poured in after Tito Vilanova died."]} +{"id": "http://www.kpua.net/news.php?id=28695", "text": "KAILUA-KONA, Hawaii Hawaii County police say a 58-year-old Big Island man is facing an attempted murder charge for throwing an ``edged weapon'' at an officer.", "summaries": ["A Big Island man is facing an charge for throwing an weapon."]} +{"id": "http://www.wusa9.com/story/news/local/2014/02/12/fairfax-county-public-schools-closure/5436853/", "text": "Fairfax County Public Schools made the decision to close schools and offices on Thursday.", "summaries": ["Fairfax County Public Schools made the decision to close on Thursday."]} +{"id": "http://www.wktv.com/news/local/Social-Security-to-raise-15-229945131.html", "text": "The Federal Government announced that Social Security benefits will increase by 1.5% next year, Wednesday.", "summaries": ["Social Security benefits will increase by 1.5%."]} +{"id": "http://news.softpedia.com/news/Apple-Releases-Digital-Camera-RAW-Compatibility-Update-5-01-399641.shtml", "text": "Apple has released Digital Camera RAW Compatibility Update version 5.01, a 6.66MB software package which adds support for the latest camera models.", "summaries": ["Apple has released Digital Camera RAW Compatibility Update version 5.01."]} +{"id": "http://www.theborneopost.com/2014/04/23/improve-grading-system-of-auxiliary-police-personnel/", "text": "Employers are urged to improve the grading system of auxiliary police personnel under their employment to motivate and maintain their interests to remain in the force.", "summaries": ["Employers are urged to improve the grading system of auxiliary police personnel."]} +{"id": "http://www.thehindubusinessline.com/markets/sensex-trading-flat-teck-it-stocks-major-losers/article5672576.ece", "text": "The Sensex and the Nifty were trading flat in the mid-session on Monday amid firm European cues.", "summaries": ["The Sensex were trading flat."]} +{"id": "http://www.sportsmole.co.uk/football/barcelona/copa-del-rey/news/ancelotti-calls-for-courage-and-personality_150054.html", "text": "Real Madrid boss Carlo Ancelotti calls on his side to show ``courage and personality'' in Wednesday's Copa del Rey final against Barcelona.", "summaries": ["Carlo Ancelotti calls to show courage and personality."]} +{"id": "http://www.newsli.com/2013/10/21/crime-stoppers-seeking-public-help-to-identify-and-locate-man-who-burglarized-gas-station-in-huntington/", "text": "Suffolk County Crime Stoppers and Suffolk County Police Second Squad detectives are seeking the public's help to identify and locate the man who burglarized a gas station in Huntington earlier this month.", "summaries": ["Crime Stoppers detectives are seeking the public's help to identify and locate the man who burglarized a gas station in Huntington."]} +{"id": "http://www.vagazette.com/news/sns-rt-us-france-cameroon-kidnap-20131114,0,4569178.story", "text": "A French priest has been kidnapped in northern Cameroon, and checks are under way to establish the circumstances and the identity of the kidnappers, the French Foreign Ministry said on Thursday.", "summaries": ["A French priest has been kidnapped in Cameroon."]} +{"id": "http://www.radionz.co.nz/news/sport/218258/steve-rapira-leaving-warriors", "text": "Utility forward Steve Rapira will leave the Warriors at the end of this season to take up a two-year contract with Salford in the English Super League.", "summaries": ["Steve Rapira will leave the Warriors."]} +{"id": "http://cricbuzz.com/cricket-news/56829/scotland-beat-kenya", "text": "Scotland have beaten Kenya by 152 runs in their ICC Intercontinental Cup clash at Mannofield Park, Aberdeen.", "summaries": ["Scotland have beaten Kenya."]} +{"id": "http://www.fleckingrecords.co.uk/2014/02/swedish-house-mafia-to-premier-leave-the-world-behind-documentary.html", "text": "Swedish House Mafia, the legendary electronic dance trio who made music history by selling over 1,000,000 tour tickets in just one week, are set to premier their Leave the World Behind documentary in March.", "summaries": ["Swedish House Mafia are set to premier Leave the World Behind documentary."]} +{"id": "http://eatdrinkbetter.com/2014/01/22/how-to-grow-ginger/", "text": "Our friends from Green Living Ideas share how to grow ginger in a pot or outdoors!", "summaries": ["How to grow ginger."]} +{"id": "http://www.miamiherald.com/2014/02/15/3938065/students-to-take-virtual-canoe.html", "text": "South Florida elementary and middle school students learning about the importance of historic water flows through the Everglades will be able to take a virtual canoe tour of this critical ecosystem from their classrooms Tuesday through Friday.", "summaries": ["Students will be able to take a virtual canoe tour."]} +{"id": "http://www.business-standard.com/article/economy-policy/global-postal-administrations-should-think-differently-pranab-113090300584_1.html", "text": "``The changing global scenario calls for postal administrations around the world to think differently.", "summaries": ["The global scenario calls for postal administrations to think differently."]} +{"id": "http://economictimes.indiatimes.com/news/economy/finance/india-offers-stable-and-non-adversarial-tax-regime-p-chidambaram/articleshow/29605002.cms", "text": "Finance Minister P Chidambaram has said that India offers a stable and non-adversarial tax regime besides a fair and just dispute redressal mechanism.", "summaries": ["India offers a stable and non-adversarial tax regime."]} +{"id": "http://www.independent.ie/world-news/europe/max-clifford-found-guilty-of-eight-counts-of-indecent-assault-30224463.html", "text": "Celebrity publicist Max Clifford has been found guilty of eight counts of indecent assault, cleared of two and the jury was unable to reach a verdict on one other.", "summaries": ["Max Clifford has been found guilty of eight counts of indecent assault."]} +{"id": "http://detroit.cbslocal.com/2014/04/24/residents-run-for-safety-as-apartments-go-up-in-flames/", "text": "Dozens of residents on Detroit's west side ran for safety after their apartment building suddenly went up in flames.", "summaries": ["Dozens of residents ran for safety after their apartment building went in flames."]} +{"id": "http://annistonstar.com/bookmark/23298883-Woman-reportedly-raped-in-her-Anniston-home", "text": "A 29-year-old woman was reportedly raped in her Anniston home between Saturday night and Sunday morning.", "summaries": ["A woman was reportedly raped in her Anniston home."]} +{"id": "http://sportsglory.com/nba/brooklyn-nets-sign-jason-collins/14145", "text": "The Brooklyn Nets will sign free agent center Jason Collins to a 10-day contract and the 35-year-old will be in uniform against the Los Angeles Lakers on Sunday night.", "summaries": ["The Brooklyn Nets will sign Jason Collins."]} +{"id": "http://www.hngn.com/articles/15715/20131024/pirates-attack-u-s-oil-vessel-take-captain-and-chief-engineer-hostage-near-coast-of-nigeria-video.htm", "text": "Pirates attacked a US oil vessel in the Gulf of Guinea near the Nigeria cost and took the captain and chief engineer, who are both US citizens, hostage.", "summaries": ["Pirates attacked a oil vessel and took the captain and chief engineer, who are US citizens, hostage."]} +{"id": "http://twentyfour7football.com/fletcher-completes-90-minutes-20296", "text": "Darren Fletcher completed his first 90 minutes of the season in an Under-21s game for Manchester United in a 1-0 defeat to Stoke City at the club's training ground.", "summaries": ["Darren Fletcher completed his 90 minutes."]} +{"id": "http://ibnlive.in.com/news/hamid-ansari-leaves-for-visit-to-peru-cuba/430376-3.html", "text": "Vice President Hamid Ansari on Friday left for Lima on the first-ever visit to Peru and Cuba as part of India's thrust towards Latin America.", "summaries": ["Hamid Ansari left on the visit to Peru and Cuba."]} +{"id": "http://www.digitaljournal.com/article/361712", "text": "Through a series of genetic studies, scientists have explained why, despite all of the other advances in medical science, there is still no cure for the common cold.", "summaries": ["Why there is no cure for the common cold."]} +{"id": "http://timesofindia.indiatimes.com/entertainment/tamil/movies/did-you-know-/MN-Nambiar-donned-11-disguises/articleshow/30729609.cms", "text": "Veteran actor MN Nambiar donned as many as 11 disguises in Digambara Samiyar.", "summaries": ["MN Nambiar donned as many as 11 disguises."]} +{"id": "http://www.palebluenews.co.uk/201403/casino-express-wendover-flights-212.html", "text": "The Double Down pads are comfortable, most of the companys casinos express wendover flights are licensed in Costa Rica.", "summaries": ["Casinos express wendover flights."]} +{"id": "http://www.brecorder.com/top-news/108-pakistan-top-news/131094-real-objective-of-government-is-to-bring-structural-reforms-in-economy-dar.html", "text": "Minister for Finance Senator Mohammad Ishaq Dar said on Monday the real objective of the government is to bring structural reforms in the economy to put it on the path of sustainable economic growth.", "summaries": ["The real objective of the government is to bring structural reforms in the economy."]} +{"id": "http://thetandd.com/lifestyles/orangeburg-civic-ballet-presents-nutcracker/article_f24192be-5d2e-11e3-9c74-001a4bcf887a.html", "text": "The Orangeburg Civic Ballet will present the classic holiday ballet, ``The Nutcracker,'' at 7:30 pm Saturday, Dec. 14, and 3 pm Sunday, Dec. 15, in the Martin Luther King Jr. Auditorium on the campus of South Carolina State University.", "summaries": ["The Orangeburg Civic Ballet will present the ballet, The Nutcracker."]} +{"id": "http://www.ogj.com/articles/2001/04/shareholders-approve-phillips-acquisition-of-tosco.html", "text": "Shareholders of Phillips Petroleum Co., Bartlesville, Okla., and Tosco Corp., Old Greenwich, Conn., Wednesday voted separately to approve Phillips\ufffd pending $7.5 billion stock acquisition of Tosco.", "summaries": ["Shareholders voted to approve Phillips \ufffd pending acquisition of Tosco."]} +{"id": "http://patch.com/minnesota/shakopee/explosive-gun-wins-by-a-nose-at-canterbury-park", "text": "Explosive Guns and jockey Jorge Torres surged at the wire to win the $22,600 Cash Caravan Stakes by a nose on Sunday at Canterbury Park.", "summaries": ["Explosive Guns surged to win by a nose at Canterbury Park."]} +{"id": "http://www.sthelensstar.co.uk/sport/10708251.Saints_win_club_of_the_year_award_at_Man_of_Steel/", "text": "Saints have won the club of the year award at tonight's Man of Steel event.", "summaries": ["Saints have won the club of the year award."]} +{"id": "http://www.news.az/articles/politics/81204", "text": "We are very dissatisfied with the OSCE Minsk Group, since there is no progress in the negotiations.", "summaries": ["We are very dissatisfied with the OSCE Minsk Group."]} +{"id": "http://www.presstv.ir/detail/2013/11/17/335144/depression-accelerates-aging-process/", "text": "Researchers in California and the Netherlands during a joint study have unraveled that severe depression can speed up the ageing process in body cells.", "summaries": ["Depression can speed up the ageing process."]} +{"id": "http://www.thehindubusinessline.com/markets/forex/rupee-ends-flat-at-6155/article5577723.ece", "text": "Despite positive wholesale price index-based inflation data, the rupee ended almost flat at 61.55 because of robust demand for dollars from oil importers.", "summaries": ["The rupee ended flat at 61.55."]} +{"id": "http://www.baltimoreravens.com/news/article-1/Ravens-Waive-WR-LaQuan-Williams-/b05dbbe7-8edb-4556-a98f-e721e95c3db3", "text": "The Ravens have waived wide receiver LaQuan Williams and are now at 52 players on the active roster, leaving one empty spot.", "summaries": ["The Ravens have waived LaQuan Williams."]} +{"id": "http://www.kilkennypeople.ie/news/kilkenny-news/kilkenny-braced-for-cold-and-windy-christmas-1-5767426", "text": "Kilkenny is bracing itself for a cold, windy but hopefully dry Christmas according to local website www.kilkennyweather.com.", "summaries": ["Kilkenny is bracing for a cold, windy Christmas."]} +{"id": "http://www.presstv.ir/detail/2013/12/19/340886/snowden-greater-leader-than-obama/", "text": "An investigative journalist says National Security Agency whistleblower Edward Snowden is a ``hero'' that has shown ``greater leadership than President Obama''.", "summaries": ["Edward Snowden is a hero that has shown greater leadership than Obama."]} +{"id": "http://www.pastemagazine.com/articles/2014/03/lena-dunham-to-write-archie-comics-story-in-2015.html", "text": "Lena Dunham, the creator and star of HBO's Girls series, will write a four-part Archie Comics story for publication in 2015.", "summaries": ["Lena Dunham will write a Archie Comics story in 2015."]} +{"id": "http://www.bizjournals.com/atlanta/morning_call/2013/11/habitat-for-humanity-to-assist.html?page=all", "text": "Georgia-based Habitat for Humanity will assist thousands of families in the Philippines affected by Typhoon Haiyan.", "summaries": ["Habitat for Humanity will assist thousands affected by Typhoon Haiyan."]} +{"id": "http://uk.reuters.com/article/2014/03/23/creditsuisse-employment-idUKL5N0MK09420140323", "text": "Credit Suisse could cut up to 500 jobs at its private bank as part of a cost-saving drive, a Swiss newspaper reported on Sunday.", "summaries": ["Credit Suisse could cut up to 500 jobs at its private bank, a newspaper reported."]} +{"id": "http://www.eadt.co.uk/sport/ipswich-town/luke_hyam_facing_a_minimum_of_two_weeks_on_the_sidelines_1_3229189", "text": "Ipswich Town midfielder Luke Hyam is facing a minimum of two weeks on the sidelines after suffering a deep cut just below his knee in Saturday's 1-0 defeat at Millwall.", "summaries": ["Luke Hyam is facing a minimum of two weeks on the sidelines."]} +{"id": "http://www.youtube.com/watch?v=30pxXNG81Bc", "text": "Members of ConEdison, the New York power company at the center of the MTA service disruption, are asking commuters to be patient while their high voltage feeder cable is repaired.", "summaries": ["Members of ConEdison are asking commuters to be patient."]} +{"id": "http://www.yourlocalguardian.co.uk/news/local/epsomnews/11110352.Bike_shop_comes_to_rescue_of_would_be_Ironman_whose_bike_was_destroyed/", "text": "A bike shop has come to the rescue of a would-be Ironman whose \u00a33,700-bike was destroyed when his wife drove it into a height restriction bar.", "summaries": ["A bike shop has come to the rescue of a Ironman whose 3,700-bike was destroyed."]} +{"id": "http://www.southwestbusiness.co.uk/news/22082013085637-tv-star-carol-vorderman-performs-first-solo-flight-at-gloucestershire-airport/", "text": "TV star Carol Vorderman performed her first solo flight live on ITV's This Morning at Gloucestershire Airport yesterday morning.", "summaries": ["TV star Carol Vorderman performed her first solo flight at Gloucestershire Airport."]} +{"id": "http://www.thenews.com.pk/Todays-News-2-216276-Two-brothers-die-in-road-accident", "text": "Two brothers died in a road accident in the Hunjarwal area on Sunday.", "summaries": ["Two brothers died in a road accident."]} +{"id": "http://gossipandgab.com/27119/who-was-eliminated-on-the-bachelorette-2013-last-night-week-10", "text": "The drama was coming at us big time on The Bachelorette Season 9 last night, as there were major tears and major shockers, but who was eliminated on The Bachelorette 2013 last night?", "summaries": ["The drama was coming last night but who was eliminated on The Bachelorette 2013."]} +{"id": "http://www.elp.com/articles/2002/05/aquila-eliminates-200-positions.html", "text": "Aquila Inc. announced recently that it is eliminating approximately 200 positions from its Merchant Services and Corporate staffs.", "summaries": ["Aquila Inc. is eliminating approximately 200 positions."]} +{"id": "http://guardianlv.com/2013/12/kejriwal-to-hold-the-delhi-darbar-on-saturday/", "text": "It is official Arvind Kejriwal the leader of the Aam Aadmi Party will hold the Delhi darbar on Saturday.", "summaries": ["Arvind Kejriwal will hold the Delhi darbar on Saturday."]} +{"id": "http://economictimes.indiatimes.com/news/international/world-news/china-issues-guidelines-to-safeguard-defence-interests/articleshow/33707077.cms", "text": "China today issued strict guideline to local bodies to safeguard national defence interests by protecting the rights of the military personnel and their families, in a bid to boost the morale of the army.", "summaries": ["China today issued guideline to safeguard defence interests."]} +{"id": "http://www.goduke.com/ViewArticle.dbml?DB_OEM_ID=4200&ATCLID=209412368", "text": "The Duke men's and women's track and field teams travel to Blacksburg, Va., Friday, Feb. 21, for the two-day Virginia Tech Challenge.", "summaries": ["The Duke men travel to Blacksburg, Va."]} +{"id": "http://www.firstcoastnews.com/story/news/local/2014/03/09/teens-shot-northside/6234107/", "text": "Two teens were shot Sunday afternoon while standing on a Brentwood neighborhood sidewalk.", "summaries": ["Two teens were shot while standing on a Brentwood sidewalk."]} +{"id": "http://sent-trib.com/10health/drugs/yahoo-answers-viagra-1373460032.html", "text": "Generic free pills worldwide yahoo answers viagra can I get without a prescription, kamagra polo uk paypal what viagra does first time can I smoke.", "summaries": ["Yahoo answers viagra."]} +{"id": "http://zeenews.india.com/entertainment/and-more/amitabh-bachchan-to-start-shooting-for-bhootnath-2_144198.html", "text": "Megastar Amitabh Bachchan will start shooting for movie 'Bhootnath 2', a sequel to 2008 movie 'Bhootnath', Wednesday.", "summaries": ["Amitabh Bachchan will start shooting Bhootnath 2, a sequel to 2008 Bhootnath."]} +{"id": "http://maltatoday.com.mt/en/newsdetails/news/courtandpolice/Nine-persons-arrested-after-drug-finds-20130902", "text": "Nine persons were arrested over the weekend after a series of drug finds, the police said.", "summaries": ["Nine persons were arrested after a series of drug finds."]} +{"id": "http://www.thesportreview.com/tsr/2013/07/laura-trott-womens-tour-de-france/", "text": "Double Olympic champion Laura Trott has backed calls for a women's Tour de France -- but not at the expense of the existing women's circuit.", "summaries": ["Laura Trott has backed calls for a women's Tour de France."]} +{"id": "http://www.ontopmag.com/article.aspx?id=17225&MediaType=1&Category=26", "text": "Televangelist Pat Robertson on Thursday advised a woman to set boundaries in her friendship with a lesbian or risk turning her children gay.", "summaries": ["Pat Robertson advised a woman to set boundaries in her friendship with a lesbian."]} +{"id": "http://www.shape.com/exercises/plank-jacks-feet-sliding-discs", "text": "Plank jacks with feet on sliding discs are an advanced progression of the traditional plank jack that strengthens the upper body, lower body, and core.", "summaries": ["Plank jacks with feet on sliding discs are."]} +{"id": "http://www.chch.com/chevon-walker-may-be-back-in-the-game/", "text": "Chevon Walker, who lost his starting job to CJ Gable, thanks in part to an injury in the preseason, could be back in the back field for Saturday's game against Winnipeg because it's now Gable who's injured.", "summaries": ["Chevon Walker, could be back for Saturday's game."]} +{"id": "http://www.gmanetwork.com/news/story/322625/news/metromanila/parts-of-ncr-become-waterworld-following-heavy-rain", "text": "- Several parts of Metro Manila became a virtual waterworld early Monday morning, following heavy rain since Sunday night.", "summaries": ["Parts of Metro Manila became a waterworld, following heavy rain."]} +{"id": "http://www.13wmaz.com/news/article/238966/28/George-Zimmerman-Found-Not-Guilty", "text": "George Zimmerman, the man accused of murdering Trayvon Martin, has been found not guilty of second-degree murder and manslaughter.", "summaries": ["George Zimmerman has been found not guilty."]} +{"id": "http://www.cnn.com/2014/01/01/politics/barbara-bush-hospitalized/", "text": "Former first lady Barbara Bush remained hospitalized on Wednesday in Houston for a ``respiratory-related issue.''", "summaries": ["Former first lady Barbara Bush remained hospitalized."]} +{"id": "http://news.oneindia.in/international/assailants-blow-up-gas-pipeline-egypt-1402499.html", "text": "Unknown assailants blew up a natural gas pipeline in Egypt, a security source said.", "summaries": ["Assailants blew up a gas pipeline in Egypt."]} +{"id": "http://www.chrisd.ca/2014/03/03/joel-kettner-university-of-winnipeg-public-health-lectures/", "text": "Manitoba former chief public health officer is delivering a lecture on Tuesday at the University of Winnipeg.", "summaries": ["Manitoba former public health officer is delivering a lecture."]} +{"id": "http://thetandd.com/sports/spurrier-still-going-strong/article_e4d9e444-fd72-11e2-a89f-001a4bcf887a.html", "text": "For a guy who didn't plan on coaching through his 60s, Steve Spurrier's still going strong at South Carolina as he nears 70.", "summaries": ["Steve Spurrier still going strong."]} +{"id": "http://www.stockmarketwire.com/article/4703167/Stellar-Diamonds-renews-Mandala-Mining-licence.html", "text": "Stellar Diamonds, diamond exploration and development company focused on West Africa, has renewed its Mandala mining licence in south eastern Guinea for a further five years.", "summaries": ["Stellar Diamonds has renewed its Mandala mining licence."]} +{"id": "http://www.ithacaindy.org/20120412/two-men-indicted-for-rape.html", "text": "Two men Thursday were indicted for rape by a Tompkins County Grand Jury.", "summaries": ["Two men were indicted for rape."]} +{"id": "http://www.digitaltveurope.net/166262/tele-columbus-boosts-offering/", "text": "German cable operator Tele Columbus has boosted its offering of HD home shopping channels by making QVC HD and HSE24 HD available to 900,000 homes in Berlin and Potsdam.", "summaries": ["Tele Columbus has boosted its offering."]} +{"id": "http://www.fox21news.com/news/story.aspx?id=953873", "text": "A 12th Sexually Violent Predator has moved to Colorado Springs after being released from prison, according to police.", "summaries": ["A 12th Sexually Violent Predator has moved to Colorado Springs."]} +{"id": "http://ibnlive.in.com/news/chidambaram-humiliated-me-for-speaking-in-hindi-urban-development-secretary/451655-3.html", "text": "Urban Development Secretary Sudhir Krishna said that Finance Minister P Chidambaram humiliated him by not allowing him to speak in Hindi and instead asking him to converse in English.", "summaries": ["P Chidambaram humiliated by not allowing him to speak in Hindi."]} +{"id": "http://www.leinsterexpress.ie/what-s-on/arts-culture-entertainment/gearoid-farrelly-to-perform-at-gb-shaw-1-5691451", "text": "Comedian Gearoid Farrelly will be performing at the GB Shaw in Carlow on Thursday November 21.", "summaries": ["Gearoid Farrelly will be performing at the GB Shaw."]} +{"id": "http://quincyjournal.com/regional-beat/2014/02/03/state-employee-behind-allegations-against-rutherford-resigns/", "text": "he Illinois state treasurer employee behind allegations against State Treasurer Dan Rutherford resigned from his position Monday, the employee told the Chicago Sun-Times.", "summaries": ["State employee behind allegations against Dan Rutherford resigned."]} +{"id": "http://economictimes.indiatimes.com/news/politics-and-nation/fir-against-beni-prasad-verma-for-calling-narendra-modi-biggest-goonda-of-rss/articleshow/33450649.cms", "text": "An FIR has been registered against Union Steel Minister Beni Prasad Verma in Balrampur for calling BJP prime ministerial candidate Narendra Modi the ``biggest goonda'' of RSS and party's National President Rajnath Singh his ``slave''.", "summaries": ["An FIR has been registered against Beni Prasad Verma for calling Narendra Modi the biggest goonda of RSS."]} +{"id": "http://www.rte.ie/sport/motorsport/motorbikes/2013/1026/482802-ben-spies-retires-from-racing/", "text": "American MotoGP rider Ben Spies announced his retirement from racing on Saturday after being sidelined by injury and starting just two races this season.", "summaries": ["Rider Ben Spies announced his retirement from racing."]} +{"id": "http://www.contactmusic.com/story/ashley-judd-reuniting-with-estranged-husband_3899842", "text": "Ashley Judd has sparked rumours she is reuniting with her estranged husband Dario Franchitti.", "summaries": ["Ashley Judd is reuniting with her estranged husband."]} +{"id": "http://www.thewrap.com/tv/article/jenny-mccarthy-officially-joining-view-103146/", "text": "Jenny McCarthy is joining ``The View'' as co-host, Barbara Walters and ABC announced Monday, confirming a decision that was widely expected.", "summaries": ["Jenny McCarthy is joining The View as co-host."]} +{"id": "http://www.bayoubuzz.com/top-stories/item/657243-kate-middleton-crowned-best-british-celebrity-style-icon", "text": "So it's no surprise the Duchess of Cambridge has been crowned best British celebrity style icon, beating Kate Moss to the top spot.", "summaries": ["It's the Duchess of Cambridge has been crowned best British celebrity style icon."]} +{"id": "http://www.football-espana.net/36254/martino-return-argentina", "text": "Barcelona have confirmed that Tata Martino will return to Argentina after Wednesday's game with Ajax, due to the death of his father.", "summaries": ["Tata Martino will return to Argentina."]} +{"id": "http://www.indileak.com/prabhudheva-wants-to-work-with-shahid-again/", "text": "Director Prabhudheva is so impressed with Shahid Kapoor's dance and energy in ``R...Rajkumar'' that he wants to work with him again soon.", "summaries": ["Prabhudheva wants to work with him again soon."]} +{"id": "http://www.kgw.com/news/local/233624911.html", "text": "The Pendleton Round-Up, now 103 years old, plans to hire its first paid executive.", "summaries": ["The Pendleton Round-Up plans to hire its first paid executive."]} +{"id": "http://www.indiatvnews.com/politics/national/bail-plea-of-bsp-mp-dhananjay-singh-rejected-13618.html", "text": "The bail plea of BSP MP Dhananjay Singh was today rejected by a Delhi court.", "summaries": ["The bail plea of BSP MP Dhananjay Singh was today rejected."]} +{"id": "http://www.kuna.net.kw/ArticleDetails.aspx?id=2333908&language=en", "text": "Pakistan signed a resolution on Monday to import 1,300 MW of electricity from Kyrgyz Republic and Tajikistan to overcome power shortage in summer season, said an official press release.", "summaries": ["Pakistan signed a resolution to import 1,300 MW of electricity from Kyrgyz Republic and Tajikistan."]} +{"id": "http://en.apa.az/xeber_suicide_bombers_target_iranian_center_in_207376.html", "text": "Two suicide bombers targeted the Iranian cultural center in Beirut on Wednesday, killing four people and themselves in an attack claimed by Sunni militants who said it was a response to the intervention of Iran and Hezbollah in the Syrian war, APA reports quoting Reuters.", "summaries": ["Two suicide bombers targeted the Iranian center in Beirut."]} +{"id": "http://www.jambands.com/news/2013/10/21/neil-young-will-release-live-at-the-cellar-door", "text": "Neil Young will release Live At The Cellar Door on November 26, the latest release in his Archives Performance Series.", "summaries": ["Neil Young will release Live At The Cellar Door."]} +{"id": "http://www.themountainmail.com/news/article_fe751ed8-d075-11e3-a412-001a4bcf6878.html", "text": "The Chaffee County assessor will send notices of valuation to all owners of real property in the county by May 1.", "summaries": ["The assessor will send notices of valuation."]} +{"id": "http://www.sltrib.com/sltrib/world/57887142-68/shiite-maliki-baghdad-police.html.csp", "text": "Iraqis braved the threat of bombs and other violence to vote Wednesday in parliamentary elections amid a massive security operation as the country slides deeper into sectarian strife.", "summaries": ["Iraqis braved the threat of bombs and violence to vote."]} +{"id": "http://www.shropshirelive.com/2013/08/13/parrot-stolen-from-harry-tuffins-is-found-alive-and-well/", "text": "A parrot stolen fron Harry Tuffins supermarket in Churchstoke on Friday evening has been found alive and well.", "summaries": ["A parrot stolen fron Harry Tuffins supermarket has been found alive and well."]} +{"id": "http://www.internetretailer.com/2013/09/06/social-media-marketing-vendor-hearsay-social-raises-30-million", "text": "Social media marketing vendor Hearsay Social Inc. has raised $30 million in a Series C funding round led by existing investors Sequoia Capital and New Enterprise Associates.", "summaries": ["Social media marketing vendor Hearsay Social Inc. has raised $ 30 million."]} +{"id": "http://www.bayoubuzz.com/us-news/item/604022-philip-seymour-hoffman-found-dead", "text": "Oscar-winning actor Philip Seymour Hoffman has been found dead of an apparent drug overdose at his Manhattan apartment, a law enforcement source told FoxNews.com.", "summaries": ["Philip Seymour Hoffman has been found dead."]} +{"id": "http://www.telegraph.co.uk/education/universityeducation/10598999/Cocaine-found-in-Oxford-University-buildings.html", "text": "Cocaine has been found at several Oxford University buildings, including the Bodleian library.", "summaries": ["Cocaine has been found at Oxford University buildings."]} +{"id": "http://www.bizjournals.com/albany/news/2014/03/26/u-s-education-department-publishes-gainful.html", "text": "The US Department of Education published new rules on gainful employment Tuesday, establishing regulations that for-profit colleges must clear to prove their vocational programs are preparing students for jobs.", "summaries": ["The Department of Education published rules on gainful employment, establishing regulations."]} +{"id": "http://www.12newsnow.com/story/24144585/florida-man-kills-wife-and-son-with-crossbow-then-slits-throat", "text": "A South Florida man killed his wife and son with a crossbow, drove 460 miles to try and kill his other son, and then slit his own throat.", "summaries": ["A South Florida man killed his wife and son with a crossbow and then slit his throat."]} +{"id": "http://www.ncaa.com/news/waterpolo-men/article/2013-09-12/top-10-preview", "text": "No. 1 Southern California, the defenders of five consecutive national championships, will look to add to its 35-game win streak during action in Pomona and La Verne this weekend.", "summaries": ["No. 1 Southern California will look to add to its win streak."]} +{"id": "http://www.etfstrategy.co.uk/ossiam-develops-smart-beta-strategy-for-corporate-bonds-94125/", "text": "Ossiam, a European provider of exchange-traded funds, has developed a smart beta strategy for investing in corporate bonds.", "summaries": ["Ossiam has developed a smart beta strategy for investing in corporate bonds."]} +{"id": "http://wgntv.com/2014/02/20/teacher-charged-after-forcing-student-to-clean-urinal-with-his-hands/", "text": "A teacher in Florida has been arrested on charges of forcing a student to clean a urinal with his hands.", "summaries": ["A teacher has been arrested on charges of forcing a student to clean a urinal."]} +{"id": "http://www.radionz.co.nz/news/national/217764/whisky-maker-braces-for-battle", "text": "An Oamaru-based whisky maker is bracing for a battle with one of the heavyweights of whisky.", "summaries": ["An whisky maker is bracing for a battle."]} +{"id": "http://news.wgcu.org/post/political-newcomer-curt-clawson-wins-gop-primary", "text": "Political Newcomer Curt Clawson has won the GOP primary in a special election for Florida's 19 Congressional District.", "summaries": ["Political Newcomer Curt Clawson has won the GOP primary."]} +{"id": "http://www.globaltimes.cn/content/855066.shtml", "text": "Syria has reached a ``critical moment'' as the world awaits news of fresh peace talks, China's foreign minister told the warring nation's opposition leader Ahmad Jarba in Beijing Wednesday.", "summaries": ["Syria has reached a critical moment."]} +{"id": "http://www.kdramastars.com/articles/18383/20140327/generation-of-youth-lim-soo-hyang-cries-at-jo-dong-hyuks-death.htm", "text": "On the 21st episode of KBS 2TV Wednesday/Thursday drama ``Generation of Youth'' broadcast on March 26th, Deguchi Gaya cried at Shin Yi Chi 's death.", "summaries": ["On the episode of drama Generation of Youth, Deguchi Gaya cried at Shin Yi Chi's death."]} +{"id": "http://medicinehatnews.com/news/world-news/2013/11/archeologists-in-nepal-say-they-have-unearthed-oldest-buddhist-shrine/", "text": "Archeologists in Nepal say they have unearthed traces of a timber structure in southern Nepal that they say is the oldest Buddhist shrine.", "summaries": ["Archeologists say they have unearthed in Nepal they say is the oldest Buddhist shrine."]} +{"id": "http://internetretailing.net/2013/09/dixons-reveals-plans-to-sell-pixmania/", "text": "Dixons Retail today revealed plans to sell PIXmania to a German company so that it can 'stick to its knitting' by building on its own multichannel strengths.", "summaries": ["Dixons Retail today revealed plans to sell PIXmania."]} +{"id": "http://www.abcactionnews.com/dpp/news/region_pinellas/two-women-face-charges-for-threats-on-facebook", "text": "Two Seminole women face felony charges for making death threats on Facebook.", "summaries": ["Two women face charges for making threats on Facebook."]} +{"id": "http://www.examiner.com/article/elephant-kills-zookeeper-aggressive-female-elephant-kills-caretaker", "text": "An aggressive female elephant killed a zookeeper in Springfield, Mo.", "summaries": ["An elephant killed a zookeeper."]} +{"id": "http://www.azcentral.com/thingstodo/celebrities/free/20140105spice-girls-millions-las-vegas-reunion.html", "text": "Spice Girls have been offered $41 million for a Las Vegas reunion but only if Victoria Beckham is part of the show.", "summaries": ["Spice Girls have been offered $ 41 million for a Las Vegas reunion."]} +{"id": "http://www.sloughexpress.co.uk/News/All-Areas/Slough/Man-extradited-in-connection-with-child-abduction-in-Slough-15042014.htm", "text": "A 57-year-old man has been extradited from the Netherlands in connection with child abduction in Slough.", "summaries": ["A man has been extradited in connection with child abduction in Slough."]} +{"id": "http://articles.timesofindia.indiatimes.com/2014-01-12/news-and-interviews/46111947_1_piracy-cases-student-police-cadets-mollywood", "text": "After a brief hiatus, the pirates have landed in Mollywood, yet again.", "summaries": ["The pirates have landed in Mollywood, again."]} +{"id": "http://iranian.com/posts/view/post/29720", "text": "Russia will impose reciprocal sanctions against the US and the EU, Alexey Likhachev, Deputy Minister of Economic Development of the Russian Federation, told journalists.", "summaries": ["Russia will impose reciprocal sanctions against the US and the EU."]} +{"id": "http://www.morningnewsusa.com/microsoft-windows-8-1-is-available-236839.html", "text": "Microsoft Corp's Windows 8.1 is finally available in the market.", "summaries": ["Microsoft Corp's Windows 8.1 is available."]} +{"id": "http://blogs.wsj.com/digits/2014/04/14/google-enters-solar-drone-race-with-facebook/", "text": "Google Monday said it agreed to buy Titan Aerospace, a startup that is building drones it hopes will fly for years using the power of the sun. Facebook was in talks with the firm earlier this year, but ended up buying another startup in the same field, called Ascenta.", "summaries": ["Google Monday said it agreed to buy Titan Aerospace."]} +{"id": "http://post.jagran.com/kamal-haasan-pledges-commitment-to-the-country-1396324988", "text": "Tamil cinema star Kamal Haasan, who had last year threatened to leave India in the light of controversies surrounding his film 'Vishwaroopam,' on Monday pledged his 'commitment' to the country and expressed hope he would not leave it.", "summaries": ["Kamal Haasan, threatened, pledged his commitment to the country."]} +{"id": "http://odishasuntimes.com/49217/india-needs-26000-independent-directors/", "text": "India needs over 26,000 independent directors and around 2,500 women directors to fill the boards of companies across the country, an official said here Friday.", "summaries": ["India needs over 26,000 independent directors."]} +{"id": "http://www.irishexaminer.com/business/economy-set-to-grow-by-more-than-the-government-forecast-255015.html", "text": "Ireland's economy is set to grow this year by more than the Government has forecast with the country expected to build on the momentum seen as it exited an EU/IMF bailout, a Reuters survey of economists showed yesterday.", "summaries": ["Ireland's economy is set to grow by more than the Government has forecast."]} +{"id": "http://amog.com/featured/2014-porsche-gt3/", "text": "Base priced at $130,400, the all new 2014 Porsche GT3 is nothing short of amazing!", "summaries": ["Base, the all 2014 Porsche GT3 is nothing short of amazing."]} +{"id": "http://www.kjct8.com/news/regional/Statewide-effort-to-prevent-child-abuse--235326641.html", "text": "MESA COUNTY, Colo. There's a statewide effort to prevent child abuse in Colorado.", "summaries": ["There's a statewide effort to prevent child abuse."]} +{"id": "http://www.getreading.co.uk/news/local-news/police-investigate-possible-drive-by-shootings-7049414", "text": "Police are investigating possible air gun drive-by shootings of two teenagers in villages near Bucklebury last week.", "summaries": ["Police are investigating possible drive by shootings of two teenagers in villages near Bucklebury."]} +{"id": "http://gawker.com/paul-simon-arrested-on-domestic-violence-charges-repor-1568697648", "text": "Paul Simon and his wife Edie Brickell were reportedly arrested after a domestic dispute over the weekend.", "summaries": ["Paul Simon were arrested after a domestic dispute."]} +{"id": "http://timesofindia.indiatimes.com/life-style/relationships/man-woman/What-men-and-women-dream-about/articleshow/30625196.cms", "text": "Studies and surveys have found that men and women dream differently.", "summaries": ["Men and women dream."]} +{"id": "http://www.theaustralian.com.au/sport/daniel-ricciardo-faces-internal-battle-with-red-bull-teammate-sebastian-vettel/story-fnlpdory-1226854861679", "text": "TWO-TIME Formula One champion Mika Hakkinen says Daniel Ricciardo will face the same internal battle with Red Bull teammate Sebastian Vettel that Mark Webber endured throughout his career.", "summaries": ["Daniel Ricciardo will face the internal battle with Red Bull teammate Sebastian Vettel."]} +{"id": "http://newday.blogs.cnn.com/2014/01/28/folk-legend-pete-seeger-dies/", "text": "Pete Seeger, the man considered to be one of the pioneers of contemporary folk music who inspired legions of activist singer-songwriters, died Monday.", "summaries": ["Pete Seeger, the man, died."]} +{"id": "http://digitaljournal.com/article/363070", "text": "A mafia boss who went missing in 2012 was likely fed alive to pigs, an investigation that was launched into the case revealed.", "summaries": ["A mafia boss was fed alive to pigs."]} +{"id": "http://www.brecorder.com/top-news/109-world-top-news/164141-pakistan-china-to-enhance-cooperation-in-defence-production-rana-tanveer.html", "text": "Minister for Defence Production, Rana Tanveer Hussain who is on 7-day visit to China has said that Pakistan and China will further enhance cooperation in defence production.", "summaries": ["Pakistan and China will enhance cooperation in defence production."]} +{"id": "http://lifehacker.com/how-to-turn-any-web-site-into-a-menu-bar-app-1484470810", "text": "At its core, Fluid's all about turning any web site into a Mac app, but a lesser known feature is how you can turn any web site into a menu bar app as well.", "summaries": ["How you can turn any web site into a menu bar app."]} +{"id": "http://www.miamiherald.com/2014/04/19/4068854/bostons-lucic-fined-5000-for-spearing.html", "text": "Boston forward Milan Lucic has been fined $5,000 for spearing Detroit defenseman Danny DeKeyser during their opening playoff game.", "summaries": ["Boston Milan Lucic has been fined $ 5,000 for spearing."]} +{"id": "http://www.yidio.com/news/kate-winslet-gives-birth-baby-boy-9074", "text": "Kate Winslet has given birth to a baby boy, as confirmed by E!", "summaries": ["Kate Winslet has given birth to a baby boy."]} +{"id": "http://www.nbcsandiego.com/news/local/College-East-Man-Runs-Into-Trailer-on-Way-to-Trolley-239436161.html", "text": "A man was seriously injured while trying to catch the trolley in the College East area.", "summaries": ["A man was seriously injured while trying to catch the trolley."]} +{"id": "http://www.hanfordsentinel.com/news/opinion/columnists/you-and-the-law-i-m-afraid-of-my-wife/article_97d2e806-f64e-11e2-b868-001a4bcf887a.html", "text": "2013-07-27T10:45:00Z You and the Law: 'I'm afraid of my wife's business idea!'By Dennis Beaver Hanford Sentinel", "summaries": ["2013 07-27T10:45:00Z You and the Law : I 'm afraid of my wife's business idea."]} +{"id": "http://dailyddt.com/2014/03/09/cm-punk-appear-talking-dead-next-week/", "text": "There are rumors going around that CM Punk will appear on the ``Talking Dead'' next week.", "summaries": ["CM Punk will appear on the Talking Dead next week."]} +{"id": "http://truthdive.com/2013/10/05/Ibrahimovic-urges-Rooney-to-join-him-at-Paris-Saint-Germain.html", "text": "Paris Saint-Germain player Zlatan Ibrahimovic has urged Manchester United striker Wayne Rooney to join him at PSG.", "summaries": ["Paris Saint-Germain player Zlatan Ibrahimovic has urged Wayne Rooney to join."]} +{"id": "http://www.bucsnation.com/2014/3/28/5558910/buccaneers-will-not-sign-desean-jackson", "text": "The Tampa Bay Buccaneers are not signing DeSean Jackson, despite the fact that it would make some sense.", "summaries": ["The Tampa Bay Buccaneers are not signing DeSean Jackson."]} +{"id": "http://www.thewire.com/global/2014/04/one-week-after-abduction-more-than-200-girls-still-missing-in-nigeria/361049/", "text": "One week after their abduction from their school, more than 200 girls are still missing in Nigeria, as anger and criticism grows over the military's failure to stave off attacks by Islamic extremists.", "summaries": ["One week after their abduction, more than 200 girls are still missing in Nigeria."]} +{"id": "http://www.prnewswire.com/news-releases/public-employee-pensions-underfunded-by-41-trillion-222161491.html", "text": "State Budget Solutions, a national nonprofit dedicated to fiscal responsibility, released a report that finds state public employee pension plans are underfunded by a breathtaking $4.1 trillion.", "summaries": ["Public employee pension plans are underfunded by a $ 4.1 trillion."]} +{"id": "http://www.dailytimes.com.pk/foreign/04-Mar-2014/libya-vows-to-stick-to-democratic-path-after-mps-shot", "text": "Libyan authorities vowed Monday to stick to the ``democratic path'' in the face of mounting lawlessness in which two MPs were shot when protesters stormed the country's transitional parliament.", "summaries": ["Libyan authorities vowed to stick to the democratic path two MPs were shot."]} +{"id": "http://shanghaiist.com/2013/10/28/thousands_participate_in_lgbt_pride_parade_in_taipei.php", "text": "More than tens of thousands of gay rights supporters participated in the 11th LGBT Pride Parade in Taipei to end discrimination against the lesbian, gay, bisexual and transgender community on Saturday.", "summaries": ["More than of thousands participated in the 11th LGBT Pride Parade in Taipei."]} +{"id": "http://games.mxdwn.com/news/final-fantasy-xiii-and-xv-may-be-linked/", "text": "In an interview with IGN, Motomu Toriyama, Director of the Final Fantasy XIII trilogy, discussed how XV may be linked to XIII.", "summaries": ["XV may be linked to XIII."]} +{"id": "http://www.latina.com/buzz/christina-aguilera-expecting-pregnant-baby-girl", "text": "Christina Aguilera and fiance Matt Rutler are expecting a baby girl!", "summaries": ["Christina Aguilera are expecting a baby girl."]} +{"id": "http://fox8.com/2013/12/07/reward-being-offered-in-arrest-of-bank-robbery-suspects/", "text": "A reward is being offered in the arrest of two bank robbery suspects believed to be armed and dangerous.", "summaries": ["A reward is being offered in the arrest of two bank robbery suspects."]} +{"id": "http://www.news-medical.net/news/20140317/Dartmouth-researchers-develop-unique-approach-to-treat-Chronic-Lymphocytic-Leukemia.aspx", "text": "Dartmouth researchers have developed a novel and unique approach to treating Chronic Lymphocytic Leukemia, a form of blood cancer that often requires repeated chemotherapy treatments to which it grows resistant.", "summaries": ["Dartmouth researchers have developed a novel and unique approach to treating Chronic Lymphocytic Leukemia."]} +{"id": "http://www.newstrackindia.com/newsdetails/2014/03/19/72--China-not-to-bid-for-FIFA-Club-World-Cup-.html", "text": "Beijing, March 19 China will not bid for the 2015-2016 or 2017-2018 FIFA Club World Cup since the Chinese Football Association did not receive application from any of the local associations.", "summaries": ["China will not bid for the FIFA Club World Cup."]} +{"id": "http://www.marketwatch.com/story/platinum-equity-completes-acquisition-of-volvo-rents-2014-02-03", "text": "Platinum Equity today announced it has completed the acquisition of Volvo Rents from the Volvo Group.", "summaries": ["Platinum Equity has completed the acquisition of Volvo Rents."]} +{"id": "http://odishatoday.com/viewnews.php?news_id=6462", "text": "Water quality is likely to emerge as a major challenge in Odisha, experts today said at a state level consultation here.", "summaries": ["Water quality is likely to emerge as a major challenge in Odisha."]} +{"id": "http://www.live4ever.uk.com/2014/04/paul-mccartney-returning-to-candlestick-park-for-venues-final-concert/", "text": "Sir Paul McCartney returns to Candlestick Park in San Francisco later this year for the venue's final concert before it is demolished.", "summaries": ["Paul McCartney returns to Candlestick Park for the venue's final concert."]} +{"id": "http://allafrica.com/stories/201404280228.html", "text": "A 37-YEAR-OLD Chitungwiza teacher allegedly raped his Grade Seven pupil in a storeroom and threatened to suck her blood if she reported the abuse.", "summaries": ["A teacher allegedly raped his pupil."]} +{"id": "http://enca.com/south-africa/woman-survives-50-metre-fall", "text": "A Free State woman survived a 50 metre fall from a balcony at the weekend, paramedics said on Monday.", "summaries": ["A woman survived a 50 metre fall."]} +{"id": "http://globalnews.ca/news/1082203/robert-pickton-appears-in-court-by-video/", "text": "Serial killer Robert Pickton appeared in court by video Tuesday for a civil case involving the families of several of his victims.", "summaries": ["Robert Pickton appeared in court by video."]} +{"id": "http://www.fishstripes.com/2014/4/17/5622696/miami-marlins-to-insert-kevin-slowey-into-starting-rotation", "text": "After Brad Hand struggled in a pair of starts, the Miami Marlins have decided to insert Kevin Slowey into the starting rotation.", "summaries": ["The Miami Marlins have decided to insert Kevin Slowey into the starting rotation."]} +{"id": "http://www.webwire.com/ViewPressRel.asp?aId=177249", "text": "New York, NY & Burbank, Calif. -- 21st Century Fox, NBCUniversal and The Walt Disney Company today jointly announced that they will maintain their respective ownership positions in Hulu and together provide a cash infusion of $750 million in order to propel future growth.", "summaries": ["Calif. - 21st Century Fox, NBCUniversal and The Walt Disney Company today announced they will maintain their ownership positions in Hulu."]} +{"id": "http://www.newstrackindia.com/newsdetails/2013/09/19/371-Sharif-to-address-U-N-General-Assembly-next-week.html", "text": "Pakistan Prime Minister Nawaz Sharif will address the UN General Assembly session next week.", "summaries": ["Nawaz Sharif will address the UN General Assembly session next week."]} +{"id": "http://kfor.com/2013/08/22/man-pronounced-dead-comes-back-to-life/", "text": "An Ohio man who is pronounced dead shocks doctors and his family when he comes back to life 45 minutes later.", "summaries": ["Who is pronounced dead doctors he comes back to life."]} +{"id": "http://media.brisbanetimes.com.au/featured/tiger-hits-balls-from-asia-to-europe-4898986.html", "text": "Tiger Woods hits golf balls from Asia to Europe on the Bosphorus Bridge to publicise his involvement in the Turkish Open golf tournament.", "summaries": ["Tiger Woods hits balls from Asia to Europe."]} +{"id": "http://hudsonvalley.ynn.com/content/news/706338/children-learning-while-they-play/", "text": "Children learn while they play at the Children's Museum of Science and Technology in Troy.", "summaries": ["Children learn while they play."]} +{"id": "http://www.newsday.com/entertainment/celebrities/amanda-bynes-released-from-inpatient-treatment-1.6549727", "text": "Former child star Amanda Bynes has been released from inpatient treatment at a Malibu, Calif., rehabilitation facility, four months after her involuntary hospitalization following a series of bizarre behaviors.", "summaries": ["Amanda Bynes has been released from inpatient treatment."]} +{"id": "http://www.fibre2fashion.com/news/fashion-news/newsdetails.aspx?news_id=151261", "text": "To launch its collection for the autumn/winter season, Tibetan fashion label YEEOM recently held a fashion show in Lhasa, the capital of China's Tibet region.", "summaries": ["Tibetan fashion label YEEOM held a fashion show in Lhasa."]} +{"id": "http://www.philly.com/philly/sports/sbnation/SBNation_20131025_Hall_of_Famer_Bill_Sharman_dies_Friday.html", "text": "Hall of Famer Bill Sharman, who was an All-Star as a player and later a successful head coach, died at his home Friday.", "summaries": ["Hall of Famer Bill Sharman died Friday."]} +{"id": "http://en.trend.az/news/politics/2173273.html", "text": "High Representative of European Union for Foreign Affairs and Security Policy and Vice President of European Commission Catherine Ashton made a statement after the Eastern Partnership Foreign Ministers' meeting, which was held in Brussels, European Union's official website reported.", "summaries": ["High Representative made a statement after the Eastern Partnership Foreign Ministers ' meeting."]} +{"id": "http://wics.com/news/top-stories/stories/vid_14935.shtml", "text": "Local townships are preparing for winter weather tonight, to make sure the rural roads remain safe for travel.", "summaries": ["Local townships are preparing for winter weather."]} +{"id": "http://www.legalbrief.co.za/article.php?story=20131002083700126", "text": "Blythedale land claimants who packed the Durban Land Claims Court yesterday heard how government officials 'messed up' in 2009, broke the law and treated them 'unjustly' in approving their claim and a proposed R10bn development deal between them and Mark Taylor, says a report in The Mercury.", "summaries": ["Blythedale claimants heard how government officials messed up."]} +{"id": "http://www.ultimate-guitar.com/news/general_music_news/clawfinger_call_it_quits.html", "text": "``Anyway, the simple truth here and now is that Clawfinger are calling it a day, throwing in the towel, going fishing, quitting and moving on to pursue other goals in life!", "summaries": ["Clawfinger are calling, quitting."]} +{"id": "http://www.stabroeknews.com/2013/sports/09/17/webb-pays-tribute-to-dr-martin-luther-king-jr/", "text": "MIAMI, CMC-CONCACAF president Jeffrey Webb has paid tribute to the late black American civil rights leader Dr. Martin Luther King.", "summaries": ["MIAMI, Jeffrey Webb has paid tribute to the leader Martin Luther King."]} +{"id": "http://sport.news.am/eng/news/37387/aras-ozbiliz-may-miss-friendly-against-russia.html", "text": "Armenian national's midfielder Aras Ozbiliz may miss the friendly match against Russia, technical director Vardan Minasyan told reporters ahead of the match.", "summaries": ["Aras Ozbiliz may miss the friendly match against Russia."]} +{"id": "http://www.examiner.com/article/alex-rodriguez-i-did-nothing", "text": "``I did nothing,'' Rodriguez told Francesa while issuing a full denial of the charges levied against him by MLB.", "summaries": ["I did nothing, Rodriguez told."]} +{"id": "http://www.oskaloosa.com/local/x1267066067/Program-a-fun-way-to-learn-about-the-Bible", "text": "The Central Reformed Church Wednesday night program for boys and girls is a fun way for them to learn about the Bible.", "summaries": ["The program is a fun way for them to learn about the Bible."]} +{"id": "http://www.youtube.com/watch?v=00bqD4h3t2I", "text": "Labour Leader Ed Miliband is pelted with eggs during a visit to a market in south London.", "summaries": ["Ed Miliband is pelted with eggs during a visit in south London."]} +{"id": "http://www.chicagotribune.com/news/local/suburbs/naperville_lisle/ct-basketball-court-naperville-tl-0320-20140317,0,5798256.story", "text": "The Naperville Park District has scrapped plans for a basketball court at River Run Park, amid some nearby residents' concerns about crime.", "summaries": ["The Naperville Park District has scrapped plans for a basketball court."]} +{"id": "http://www.business-standard.com/article/news-ians/john-kerry-to-visit-china-114021000602_1.html", "text": "US Secretary of State John Kerry will visit China Friday and Saturday, Chinese foreign ministry spokeswoman said Monday.", "summaries": ["John Kerry will visit China Friday."]} +{"id": "http://www.bostonglobe.com/metro/1969/12/18/salem-man-charged-with-sexually-assaulting-intellectually-disabled-people/ECS3GxRTY3ayQqP1coIz4K/story.html", "text": "A 64-year-old Salem man is facing charges that he sexually assaulted two intellectually disabled people he drove as part of his employment with a private transportation company, authorities said.", "summaries": ["A man is facing charges he assaulted two intellectually disabled people."]} +{"id": "http://www.farmingshow.com/news/nbpol/216801875-greens-call-on-nick-smith-to-resign", "text": "The Greens are calling on Nick Smith to resign - accusing him of interfering in the submission process for the dam, even though he said in parliament he didn't.", "summaries": ["The Greens are calling on Nick Smith to resign."]} +{"id": "http://bleacherreport.com/articles/1915844-former-astro-craig-biggio-misses-hall-of-fame-by-two-votes", "text": "In heartbreaking fashion, former Astros utility man Craig Biggio has missed making the MLB Hall of Fame by two votes.", "summaries": ["Utility man Craig Biggio has missed making the MLB Hall of Fame by two votes."]} +{"id": "http://www.cpifinancial.net/news/post/25093/gulf-finance-house-to-sell-75-per-cent-stake-of-leeds-united-football-club", "text": "Gulf Finance House has signed an agreement with a consortium of British investors in order to sell 75 per cent of their stake in Leeds United Football Club.", "summaries": ["Gulf Finance House has signed in order to sell 75 per cent of their stake in Leeds United Football Club."]} +{"id": "http://www.prnewswire.com/news-releases/boeing-delivers-8000th-737-255503691.html", "text": "Boeing today delivered the 8,000th 737 to come off the production line to United Airlines, marking another important milestone for the world's best-selling airplane.", "summaries": ["Boeing today delivered the 8,000th 737."]} +{"id": "http://allafrica.com/stories/201404180170.html", "text": "British-based Barclays Bank has reached an agreement with Somali money-transfer company Dahabshil, allowing the company to remain open while it finds another bank, the UK's Financial Times reported.", "summaries": ["Barclays Bank has reached an agreement with Dahabshil."]} +{"id": "http://www.examiner.com/article/emmy-awards-start-time-5-00-pm-what-time-do-the-emmy-s-start", "text": "The Emmy Awards have a start time of 5:00 PM -- that is, pacific time.", "summaries": ["The Emmy Awards have a start time of 5:00 PM."]} +{"id": "http://www.theprovince.com/news/Strong+undersea+earthquake+shakes+eastern+Indonesia/9184173/story.html", "text": "A strong undersea earthquake shook eastern Indonesia on Tuesday, but there were no immediate reports of serious damage or casualties.", "summaries": ["A strong undersea earthquake shook eastern Indonesia."]} +{"id": "http://english.alarabiya.net/en/News/middle-east/2013/10/24/Student-protests-rattle-Egyptian-universities.html", "text": "Student protests rattled Egyptian universities for the fourth day on Wednesday, calling for the return of ousted President Mohammad Mursi and raising chants against the military.", "summaries": ["Student protests rattled Egyptian universities."]} +{"id": "http://news.yahoo.com/macedonia-holds-presidential-election-015802469.html", "text": "Macedonians voted for a new president on Sunday in a poll seen as a test for the ruling party ahead of general elections later this month in the EU candidate country.", "summaries": ["Macedonians voted for a president in a poll seen as a test for the ruling party."]} +{"id": "http://www.atvtoday.co.uk/p46772-itv/", "text": "``Oh I'm always broody! That never changes. With every year that goes by, I love it more and more.''", "summaries": ["I 'm always broody."]} +{"id": "http://www.finnbay.com/media/news/finland-signs-memorandum-of-understanding-with-nato/", "text": "Finland is preparing to sign a Memorandum of Understanding with NATO which will enable Finland to receive military assistance from NATO nations as well as to provide NATO's military equipment maintenance operations in Finland.", "summaries": ["Finland is preparing to sign a Memorandum of Understanding with NATO."]} +{"id": "http://www.thestar.com.my/Business/Business-News/2014/01/25/Rubber-price-expected-to-be-on-downtrend-next-week", "text": "Malaysian rubber prices are expected to be on a downtrend next week due to lack of demand from the world's biggest rubber consumer, a dealer said.", "summaries": ["Rubber prices are expected to be on a downtrend next week."]} +{"id": "http://www.thirdsector.co.uk/Fundraising/article/1223279/uk-climbs-sixth-league-table-charitable-countries/", "text": "The UK has climbed two places to sixth in a league table of the most charitable countries in the world, according to research by the Charities Aid Foundation.", "summaries": ["The UK has climbed to sixth in a league table of the most charitable countries."]} +{"id": "http://www.thonline.com/news/national_world/article_4f6dfdbc-12fa-11e3-8292-001a4bcf6878.html", "text": "Veteran broadcaster David Frost, who won fame around the world for his interview with former President Richard Nixon, has died, his family told the BBC.", "summaries": ["Veteran broadcaster David Frost has died."]} +{"id": "http://www.knvn.com/content/localnews/story/Wheres-Waldo-Downtown-Chico/8PLv64MHRE-W-phZxmh_DQ.cspx", "text": "The Where's Waldo event in downtown Chico has been going on for about a week now and the local businesses couldn't be any happier about it.", "summaries": ["Where's Waldo event in downtown Chico."]} +{"id": "http://www.idolator.com/7497467/britney-spears-perfume-video", "text": "Britney Spears has unveiled the video for her latest single, ``Perfume,'' and it's a marked improvement over that abysmal lyric video:", "summaries": ["Britney Spears has unveiled the video for her, Perfume."]} +{"id": "http://en.trend.az/news/politics/2248469.html", "text": "Turkey faces an acute shortage of doctors, Turkish Deputy Health Minister Zafer Cukurova said on March 3, according to Anadolu news agency.", "summaries": ["Turkey faces an acute shortage of doctors."]} +{"id": "http://cumberlink.com/news/local/rep-perry-to-host-town-hall-meetings/article_d4d56fce-9105-11e3-be13-0019bb2963f4.html", "text": "US Rep. Scott Perry, R-4, will host a series of town hall meetings over the next two weeks in various areas of the Midstate.", "summaries": ["Scott Perry will host a series of town hall meetings."]} +{"id": "http://tdn.com/sports/college/games/no-michigan-state-beats-no-ohio-state/article_77fc6fa6-8f54-5b4d-8602-2129334299df.html", "text": "Keith Appling made a tiebreaking 3-pointer with 29 seconds left and finished with 20 points, seven assists and six rebounds to help No. 5 Michigan State beat No. 3 Ohio State 72-68 in overtime Tuesday night after blowing a 17-point lead in the second half.", "summaries": ["Keith Appling made left, Michigan State beat 3 Ohio State 72 68."]} +{"id": "http://www.upi.com/Sports_News/2013/12/17/Stenson-selected-European-Tours-player-of-the-year/UPI-30131387312170/", "text": "Henrik Stenson, the first player to win the FedEx Cup and the DP World Tour Championship in the same year, was selected the European Tour player of the year.", "summaries": ["Henrik Stenson was selected the European Tour player of the year."]} +{"id": "http://www.eveningexpress.co.uk/Article.aspx/3437726", "text": "ABERDEEN FC defender Scott McKenna hopes to end what he described as a ``brilliant week'' in style tomorrow.", "summaries": ["ABERDEEN FC defender Scott McKenna hopes to end he described as a brilliant week in style."]} +{"id": "http://grandstandgazette.com/blog/375/172/i-need-a-payday-loan-but-i-already-have-one-thats-overdue-298", "text": "He hung up after some i need a payday loan but i already have one thats overdue and stammering.", "summaries": ["He hung up after some i need a payday loan but i already have one thats overdue."]} +{"id": "http://www.ontopmag.com/article.aspx?id=16161&MediaType=1&Category=26", "text": "New Jersey Governor Chris Christie on Monday signed a bill banning ``ex-gay'' therapy to minors, making New Jersey the second state after California to prohibit so-called conversion therapy that attempts to turn gay teens straight.", "summaries": ["Chris Christie signed a bill banning ex-gay therapy to minors."]} +{"id": "http://www.marca.com/2013/11/22/en/football/national_teams/1385154031.html", "text": "Spain manager, Vicente del Bosque, assured today that ``you also learn from defeats'', such as Spain's most recent game against South Africa, and that ``continuous victories can start to cause problems''.", "summaries": ["Manager assured you also learn from defeats."]} +{"id": "http://www.gulf-times.com/region/216/details/366202/egypt-partially-reopens-crossing-with-gaza-strip", "text": "Egypt partially reopened its border crossing with the Gaza Strip yesterday, a week after it was closed in response to a deadly attack on an Egyptian military headquarters near the frontier.", "summaries": ["Egypt partially reopened crossing with the Gaza Strip."]} +{"id": "http://www.tricities.com/news/local/article_fe066ae2-abf4-11e3-a3bc-001a4bcf6878.html", "text": "Funding for the OPTIONS for Community Living program were discussed Friday by officials of the Second Harvest Food Bank of Northeast Tennessee, the First Tennessee Area Agency on Aging and Disability and the Tennessee Commission on Aging and Disability.", "summaries": ["Funding for the OPTIONS were discussed."]} +{"id": "http://www.rte.ie/ten/news/2013/1213/492678-mckellan-doesnt-get-tired-of-playing-gandalf/", "text": "Sir Ian McKellen hasn't gotten tired of playing The Hobbit's Gandalf despite having shot six films as the legendary wizard so far.", "summaries": ["Ian McKellen hasn't gotten tired of playing The Hobbit's Gandalf."]} +{"id": "http://www.law360.com/articles/466070/nj-gov-christie-conditionally-vetoes-forestry-bill", "text": "New Jersey Gov. Chris Christie on Monday conditionally vetoed a forestry preservation bill that environmental groups had opposed by arguing it would actually pave the way for commercial logging on the state's open spaces and public lands.", "summaries": ["Gov. Chris Christie conditionally vetoed a forestry preservation bill."]} +{"id": "http://www.sportsnewsfirst.com.au/articles/2014/02/24/josh-dugan-to-miss-a-month-of-nrl/", "text": "JOSH Dugan will miss at least the opening month of the NRL season with a knee injury in a significant blow to St George Illawarra's need for a fast start.", "summaries": ["JOSH Dugan will miss the month of the NRL season."]} +{"id": "http://www.ptinews.com/news/4658788_Aerial--to-locate-missing-Malaysian-plane-ends-.html", "text": "Perth, Apr 30 Australia today said the intense aerial search to locate the missing Malaysian plane has ended, as it dismissed a marine exploration company's claim that it found possible aircraft wreckage in the Bay of Bengal.", "summaries": ["The aerial search to locate the missing Malaysian plane has ended."]} +{"id": "http://www99.bangkokpost.com/news/world/364726/cisco-to-cut-4000-jobs", "text": "Information technology giant Cisco announced Wednesday that it will cut 4,000 jobs, equal to five percent of its workforce.", "summaries": ["Cisco will cut 4,000 jobs."]} +{"id": "http://www.thecoaster.ca/News/Local/2013-12-17/article-3546912/UPDATE%3A-Mark-Critch-ambushes-Pamela-Anderson/1", "text": "When PETA honourary director Pamela Anderson came to offer sealers a $1 million cheque to give up their industry, actor/comedian Mark Critch ambushed her with an offer of his own.", "summaries": ["Mark Critch ambushed Pamela Anderson."]} +{"id": "http://www.google.com/hostednews/afp/article/ALeqM5h3s5c9eHPSOJtA5utBLBBjE1u1Ag?docId=a135fdc9-5669-4bf7-90b0-4037d6864dbc", "text": "Ghana on Friday mourned BBC presenter Komla Dumor, one of the nation's most revered journalists, who died of a heart attack last month at the age of 41.", "summaries": ["Ghana mourned BBC presenter Komla Dumor."]} +{"id": "http://www.myfoxaustin.com/story/24181301/la-scala-names-new-musical-director-chailly", "text": "The Milanese opera house La Scala took another step in its artistic and managerial transition on Tuesday by confirming that Riccardo Chailly will be its new musical director, replacing Daniel Barenboim.", "summaries": ["The house La Scala took another step in its artistic transition."]} +{"id": "http://www.independent.ie/world-news/passenger-falls-out-of-plane-29755446.html", "text": "A search has been launched after a US pilot reported a passenger had fallen out of his small plane into the sea off Miami.", "summaries": ["A passenger had fallen out of his plane."]} +{"id": "http://php.pressconnects.com/blogs/bsens/2014/03/12/wednesdays-game-rochester-americans-postponed/", "text": "Wednesday's game against the Rochester Americans at Blue Cross Arena has been postponed due to inclement weather.", "summaries": ["Wednesday's game against the Rochester Americans has been postponed."]} +{"id": "http://www.hollywood.com/news/brief/55035104/ultravox-and-simple-minds-team-up-for-tour", "text": "New wave group Ultravox and rockers Simple Minds are teaming up for a joint UK tour.", "summaries": ["Ultravox Simple Minds are teaming up for a tour."]} +{"id": "http://www.chicagotribune.com/sports/football/bears/chi-martez-wilson-signs-cowboys-20131126,0,4490969.story", "text": "Former Illinois and Simeon linebacker Martez Wilson signed with the Dallas Cowboys, who may try to utilize his pass-rushing skills at defensive end.", "summaries": ["Linebacker Martez Wilson signed with the Dallas Cowboys."]} +{"id": "http://uinterview.com/news/dj-khaled-proposes-to-nicki-minaj-8144", "text": "DJ Khaled proposed to fellow rap star Nicki Minaj on Thursday on MTV, and even had a ring on hand.", "summaries": ["DJ Khaled proposed to Nicki Minaj."]} +{"id": "http://tvnz.co.nz/entertainment-news/liam-payne-opens-up-after-saving-friend-s-life-5574392", "text": "One Direction star Liam Payne has opened up about his ``tough few days'' after he saved his friend's life following a fire at his London flat Tuesday.", "summaries": ["Liam Payne has opened up after he saved his friend's life."]} +{"id": "http://www.fifetoday.co.uk/news/local-headlines/bavarian-princess-appears-in-court-1-3335113", "text": "A Bavarian princess has appeared in court charged with a string of offences alleged to have happened at a student event near St Andrews at the weekend.", "summaries": ["A Bavarian princess has appeared in court."]} +{"id": "http://www.news-medical.net/news/20131111/Women-taking-immunosuppressive-medications-during-pregnancy-do-not-put-their-babies-at-risk.aspx", "text": "Women with chronic autoimmune diseases who take immunosuppressive medications during their first trimester of pregnancy are not putting their babies at significantly increased risk of adverse outcomes, according to a Vanderbilt study released online by the journal Arthritis and Rheumatism.", "summaries": ["Women with diseases who take immunosuppressive medications during their trimester of pregnancy are not putting their babies at risk."]} +{"id": "http://www.ocregister.com/articles/schwarzenegger-533886-school-senate.html", "text": "``My eye is on the ball,'' Schwarzenegger, a Republican, said at a Senate press conference at the Capitol Wednesday afternoon.", "summaries": ["My eye is on the ball, Schwarzenegger said."]} +{"id": "http://www.bangkokpost.com/news/local/373888/americans-return-ban-chiang-artefacts", "text": "Five Americans have returned 76 Ban Chiang artefacts which went missing from Udon Thani years ago.", "summaries": ["Five Americans have returned 76 Ban Chiang artefacts."]} +{"id": "http://www.sportsmole.co.uk/football/man-utd/news/lawrenson-united-are-in-real-trouble_112622.html", "text": "Mark Lawrenson believes that Manchester United are in ``real trouble'' following their 1-1 draw with Southampton at Old Trafford on Saturday.", "summaries": ["Mark Lawrenson believes Manchester United are in trouble."]} +{"id": "http://www.suntimes.com/23623439-761/metra-hoping-to-jump-on-the-ventra-bandwagon-by-august.html", "text": "Metra hopes to jump on the Ventra bandwagon by August with a trial run at handheld devices for train conductors that would accept Ventra cards as payment on trains, an advisory board was told Friday.", "summaries": ["Metra hopes to jump on the Ventra bandwagon by August, an board was told."]} +{"id": "http://www.theverge.com/2014/1/13/5305282/google-purchases-nest-for-3-2-billion", "text": "Google has just purchased Nest Labs, the maker of the Nest Learning Thermostat and Protect smoke detector, for $3.2 billion in cash.", "summaries": ["Google has purchased Nest Labs for $ 3.2 billion."]} +{"id": "http://www.worldbulletin.net/?aType=haber&ArticleID=116252", "text": "Iranian Supreme Leader Ayatollah Ali Khamenei said on Wednesday that US intervention in Syria would be ``a disaster for the region'', the ISNA state news agency reported.", "summaries": ["Ali Khamenei said US intervention in Syria would be a disaster."]} +{"id": "http://www.bernama.com.my/bernama/v7/bu/newsbusiness.php?id=985754", "text": "Gold futures contracts remained lower at mid-day today following sluggish demand on Bursa Malaysia Derivatives.", "summaries": ["Gold futures contracts remained lower at mid-day following sluggish demand."]} +{"id": "http://www.gatorsports.com/article/20140129/ARTICLES/140129551", "text": "Felony and misdemeanor charges against former Florida defensive end Jarvis Moss have been dropped due to a lack of evidence, according to court records.", "summaries": ["Charges against Jarvis Moss have been dropped."]} +{"id": "http://www.antaranews.com/en/news/93527/indonesia-to-build-62-new-airports", "text": "Transportation Deputy Minister Bambang Susantono said Indonesia planned to build 62 new airports in the coming five years so that the number of airports in the country would increase to 299.", "summaries": ["Indonesia planned to build 62 new airports."]} +{"id": "http://politicalticker.blogs.cnn.com/2013/10/24/obama-to-put-immigration-back-in-spotlight/comment-page-2/", "text": "President Barack Obama on Thursday will put comprehensive immigration reform back in the spotlight, a White House official said.", "summaries": ["Barack Obama will put immigration reform back in the spotlight."]} +{"id": "http://www.rttnews.com/2220128/japanese-market-trades-in-negative-territory.aspx", "text": "The Japanese stock market is trading in negative territory on Friday, tracking the negative cues overnight from Wall Street and a stronger yen.", "summaries": ["The Japanese market is trading in negative territory."]} +{"id": "http://www.oregonlive.com/hillsboro/index.ssf/2014/01/hillsboro_residents_invited_to_2.html", "text": "Hillsboro residents are invited to meet the city's new police chief before next week's City Council meeting.", "summaries": ["Hillsboro residents are invited to meet the city's new police chief."]} +{"id": "http://www.atvtoday.co.uk/p44386/", "text": "However, a source for the Daily Mail told Media Guardian that ``Melanie is not going to be carrying on with the column but she's certainly not leaving the Mail. The column is moving at some point shortly as part of a revamp of the middle pages of the paper.''", "summaries": ["Melanie is not going but she's not leaving the Mail."]} +{"id": "http://www.10news.com/news/military/pilot-killed-in-fighter-jet-crash-is-identified-03102014", "text": "The military pilot killed in a fighter jet crash has been identified as Marine Capt. Reid Nannen, seen here with his children.", "summaries": ["The pilot killed in a fighter jet crash has been identified."]} +{"id": "http://jilard.com/child-mortality-rates-dropping/285272/", "text": "Child mortality rates are dropping but are still high in some parts of the world.", "summaries": ["Child mortality rates are dropping."]} +{"id": "http://sports.yahoo.com/photos/snow-falls-m-t-bank-photo-164856165--nfl.html", "text": "Snow falls at M&T Bank Stadium before an NFL football game between the Baltimore Ravens and the Minnesota Vikings, Sunday, Dec. 8, 2013, in Baltimore.", "summaries": ["Snow falls at M&T Bank Stadium before an NFL football game."]} +{"id": "http://www.itv.com/news/granada/update/2014-03-05/salford-royal-best-place-to-work-in-nhs/", "text": "Salford Royal's the best place to work in the NHS according to a national survey of staff.", "summaries": ["Salford Royal's the best place to work in the NHS."]} +{"id": "http://www.dnaindia.com/sport/report-badminton-association-of-india-disciplinary-committee-recommends-life-ban-for-jwala-gutta-1898967", "text": "The Badminton Association of India 's disciplinary committee has recommended a life ban for leading doubles player Jwala Gutta for her conduct during an Indian Badminton League tie in Bangalore Aug 25.", "summaries": ["The Badminton Association of India's disciplinary committee has recommended a life ban for leading Jwala Gutta."]} +{"id": "http://www.keprtv.com/news/local/Accused-murderer-in-court-235818261.html", "text": "The murder trial is set for February for the man accused of killing a former soldier.", "summaries": ["The trial is set for the man accused of killing a former soldier."]} +{"id": "http://marshfield.wickedlocal.com/article/20140320/News/140329291", "text": "Marshfield Farmers Market is accepting vendor applications for the 2014 Friday summer markets.", "summaries": ["Marshfield Farmers Market is accepting vendor applications for the 2014 markets."]} +{"id": "http://www.pakistantoday.com.pk/2013/12/27/news/foreign/clashes-across-egypt-leave-three-dead/", "text": "Muslim Brotherhood supporters and police clashed across Egypt on Friday, leaving at least three dead in protests after the army-backed government declared the group a terrorist organization.", "summaries": ["Supporters clashed across Egypt, leaving three dead."]} +{"id": "http://www.theaustralian.com.au/news/nation/former-alp-chief-michael-williamson-to-be-sentenced-in-march/story-e6frg6nf-1226746539122", "text": "DISGRACED union boss and former ALP national president Michael Williamson will be sentenced in March for defrauding members of hundreds of thousands of dollars.", "summaries": ["Michael Williamson will be sentenced in March."]} +{"id": "http://www.cbc.ca/sports/soccer/theo-walcott-to-miss-world-cup-for-england-1.2485994", "text": "Arsenal winger Theo Walcott will miss the World Cup for England after being ruled out for six months on Monday with a torn knee ligament, an injury that also deals a major setback to his club's hopes of winning the Premier League.", "summaries": ["Theo Walcott will miss the World Cup for England."]} +{"id": "http://www.globalpost.com/dispatch/news/afp/130820/iraq-violence-kills-35-authorities-hail-arrests", "text": "Iraq violence killed 35 people including 15 civilians on Tuesday, officials said, as authorities hailed arrests in a campaign aimed at curbing the country's worst unrest since 2008.", "summaries": ["Iraq violence killed 35 people as authorities hailed arrests."]} +{"id": "http://www.itv.com/news/update/2014-03-20/two-or-three-gunmen-entered-luxury-hotel-in-kabul/", "text": "Two or three gunmen entered the luxury Serena hotel in Kabul, Afghanistan by a back door and opened fire wounding two people, security sources told Reuters.", "summaries": ["Two or three gunmen entered the luxury hotel in Kabul."]} +{"id": "http://www.therepublic.com/view/story/0a92b84bbcbf4b7fa8e4e278f067ff91/FL--Superintendent-Theft", "text": "A Florida Panhandle superintendent was removed from office Wednesday after authorities charged her with using a district credit card for personal expenses.", "summaries": ["A Florida Panhandle superintendent was removed after authorities charged with using a district credit card for personal expenses."]} +{"id": "http://www.limerickleader.ie/sport/limerick-sport/munster-look-to-hit-edinburgh-for-six-1-5457091", "text": "MUNSTER will look to hit Edinburgh for six at Musgrave Park this Saturday evening as Rob Penney's men big to get their RaboDirect PRO12 off to the best possible start.", "summaries": ["MUNSTER will look to hit Edinburgh for six."]} +{"id": "http://www.mkweb.co.uk/News/Community/Burglars-make-mess-of-property-in-Woburn-Sands-20130923090000.htm", "text": "BURGLARS made such a mess in a property in Woburn Sands that it is unknown what has been stolen.", "summaries": ["BURGLARS made a mess in a property in Woburn Sands."]} +{"id": "http://www.bernama.com.my/bernama/v7/wn/newsworld.php?id=984085", "text": "Thai Energy Minister Pongsak Ruktapongpisal said on Tuesday Thailand plans to buy about 10,000 megawatts more of electricity from Myanmar to curb with rising demand for electricity in the Kingdom, Thai News Agency reported.", "summaries": ["Thailand plans to buy more of electricity from Myanmar."]} +{"id": "http://www.einnews.com/pr_news/201519013/pegasystems-to-announce-financial-results-for-the-first-quarter-of-2014", "text": "Pegasystems Inc., the software company powering the digital enterprise with Better Business Software\u00ae that helps organizations engage customers, simplify operations, and adapt to change, today announced it will announce financial results for the first quarter of 2014 on Tuesday, May 6, 2014 after market close.", "summaries": ["Pegasystems Inc. will announce financial results for the first quarter of 2014."]} +{"id": "http://www.king5.com/story/sports/college/ncaab/huskies/2014/08/05/13339404/", "text": "Former UW football star Reggie Rogers was found dead on Thursday in his Seattle home.", "summaries": ["Former UW football star Reggie Rogers was found dead."]} +{"id": "http://www.planningresource.co.uk/article/1287779/pickles-approves-notts-regeneration-scheme", "text": "Communities secretary Eric Pickles has approved plans for a mixed-use regeneration scheme on the site of a former brickworks in Nottinghamshire, after a High Court decision last year quashed his original decision to block the proposals.", "summaries": ["Eric Pickles has approved plans for a regeneration scheme."]} +{"id": "http://www.theepochtimes.com/n3/392102-larry-the-cable-guy-jokes-about-obamacare-on-fox-news/", "text": "Larry the Cable Guy joked about Obamacare on Fox News on Monday, calling the new health care system ``a disaster.''", "summaries": ["Larry the Cable Guy joked about Obamacare on Fox News."]} +{"id": "http://www1.skysports.com/football/news/11727/9042057/", "text": "Nottingham Forest captain Chris Cohen has been ruled out for the rest of the season with a cruciate knee ligament injury.", "summaries": ["Nottingham Forest captain Chris Cohen has been ruled out for the rest of the season."]} +{"id": "http://scallywagandvagabond.com/2013/12/gay-person-burned-alive-by-anti-gay-mob-in-uganda/", "text": "Point in case the latest photo to make social media rounds, this time first appearing on imgur of that of what the posting individual has termed gay person burned alive by anti gay mob in Uganda.", "summaries": ["Gay person burned alive by anti gay mob in Uganda."]} +{"id": "http://www.theadvertiser.com/viewart/20140305/NEWS01/303050033/BESE-member-Walter-Lee-pleads-not-guilty", "text": "Lee pleaded not guilty to two counts of felony theft and one count each of public contract fraud and malfeasance in office.", "summaries": ["Lee pleaded not guilty."]} +{"id": "http://www.khaleejtimes.com/biz/inside.asp?xfile=/data/aviation/2013/September/aviation_September27.xml§ion=aviation", "text": "Etihad Airways has further increased its flights to Islamabad, from nine to eleven a week, offering passengers more convenient travel options.", "summaries": ["Etihad Airways has increased its flights to Islamabad."]} +{"id": "http://espn.go.com/mlb/story/_/id/9659956/cincinnati-reds-tony-cingrani-leaves-start-back-spasms", "text": "Reds LHP Tony Cingrani left his start against the Chicago Cubs two outs into the second inning with back spasms.", "summaries": ["Reds LHP Tony Cingrani left his start."]} +{"id": "http://kticradio.com/index.php?more=xa3pxi4p", "text": "State Senator Beau McCoy, a candidate for the GOP nomination for governor held a meet and greet in West Point on Monday at the Chef's Corner.", "summaries": ["Beau McCoy, held a meet and greet in West Point."]} +{"id": "http://www.worldbulletin.net/?aType=haber&ArticleID=112865", "text": "Turkish Premier Erdogan said Wednesday that it was Turkey's mission was to stand against military coups, for Turkey was a nation which grew up with military coups.", "summaries": ["Turkey's mission was to stand against coups."]} +{"id": "http://economictimes.indiatimes.com/news/politics-and-nation/armies-of-india-china-discuss-implementation-of-border-pacts/articleshow/34077991.cms", "text": "Against the backdrop of incidents of incursions by Chinese troops along the Line of Actual Control, armies of India and China today discussed the implementation of border pacts to maintain peace and tranquility along the international boundary.", "summaries": ["Armies of India and China today discussed the implementation of border pacts."]} +{"id": "http://www.10news.com/news/the-number-of-pertussis-cases-in-san-diego-continues-to-climb-123113", "text": "The number of pertussis cases in the San Diego region continues to climb, with 26 new illnesses diagnosed over the past week, the county Health and Human Services Agency reported Tuesday.", "summaries": ["The number of pertussis cases in the San Diego region continues to climb."]} +{"id": "http://www.sbwire.com/press-releases/email-reminder-website-presents-5-email-marketing-tips-419104.htm", "text": "An email reminder website is presenting 5 major email marketing tips to help businesses prospect for new customers.", "summaries": ["An email reminder website is presenting 5 email marketing tips."]} +{"id": "http://www.rawstory.com/rs/2013/09/26/human-rights-watch-urges-israel-to-stop-displacing-bedouins/", "text": "Human Rights Watch on Thursday urged Israel to stop trying to displace Bedouin families in the West Bank, where the army last week manhandled European diplomats on an aid mission.", "summaries": ["Human Rights Watch urged Israel to stop trying to displace Bedouin families."]} +{"id": "http://www.syracuse.com/news/index.ssf/2013/10/disney_to_stop_issuing_paper_stocks_will_join_electronic_trend.html", "text": "Disney says it will stop issuing paper stocks and will instead deliver shares electronically.", "summaries": ["Disney will stop issuing paper stocks."]} +{"id": "http://www.wibw.com/home/headlines/Construction-Work-In-The-Statehouse-Garage-Could-Make-Parking-Tighter-230902391.html", "text": "Construction work in the new Statehouse garage could make parking a bit tighter over the next few weeks.", "summaries": ["Construction work in the Statehouse garage could make parking tighter."]} +{"id": "http://www.vg247.com/2013/09/03/sony-has-no-firm-plans-at-this-stage-to-bundle-ps4-and-vita-together/", "text": "Sony has reiterated it has ``no firm plans at this stage'' to bundle PlayStation 4 and PlayStation Vita together.", "summaries": ["Sony has no firm plans at this stage to bundle PlayStation 4 and PlayStation Vita together."]} +{"id": "http://www.wbiw.com/local/archive/2013/07/istep-glitches-had-no-measurable-impact-on-scores.php", "text": "This year's ISTEP glitches that affected roughly 80,000 students across Indiana did not have a ``measurable'' impact on scores.", "summaries": ["This year's ISTEP glitches did not have a measurable impact on scores."]} +{"id": "http://www.weeklystandard.com/blogs/what-happened-yesterday_763607.html", "text": "Heather R. Higgins, of the Independent Women's Voice, explains ``what happened yesterday'' in an email I received this morning:", "summaries": ["What happened yesterday."]} +{"id": "http://www.dailyfreeman.com/general-news/20131219/highland-man-charged-with-sexual-misconduct", "text": "LLOYD >> A 42-year-old Highland man has been charged with sexual misconduct for allegedly having non-consensual sex with a 19-year-old female, town police said on Thursday.", "summaries": ["LLOYD A Highland man has been charged with sexual misconduct."]} +{"id": "http://www.stuff.co.nz/southland-times/news/court/9033305/Jet-boat-drivers-convicted-over-Dart-crash", "text": "Two commercial jet boat drivers who crashed on the Dart River near Glenorchy were convicted when they appeared in the Queenstown District Court yesterday.", "summaries": ["Two jet boat drivers were convicted."]} +{"id": "http://www.lse.co.uk/AllNews.asp?code=gvx10hhs&headline=China_Appears_To_Confirm_Test_Of_Hypersonic_Missile_Vehicle", "text": "China appeared to confirm on Thursday that it has tested a hypersonic missile vehicle capable of breaching US missile defence systems.", "summaries": ["China appeared to confirm it has tested a hypersonic missile vehicle."]} +{"id": "http://onpolitics.usatoday.com/2014/02/10/katrina-pierson-tea-party-john-boehner/", "text": "A Tea Party candidate seeking to oust House Rules Chairman Pete Sessions in the upcoming March 4 Texas primary says that if she wins, her first vote in Congress will be to oust House Speaker John Boehner, too.", "summaries": ["A Tea Party candidate says, her vote will be to oust John Boehner."]} +{"id": "http://web.orange.co.uk/article/sports/options_open_for_al_ferof", "text": "All Cheltenham Festival options remain open for Al Ferof despite his defeat at Newbury, according to owner John Hales.", "summaries": ["All options remain open for Al Ferof."]} +{"id": "http://post.jagran.com/victims-staying-in-camps-will-be-sent-home-up-cm-akhilesh-1387861146", "text": "In the wake of surprise visit by Congress Vice-President Rahul Gandhi to Muzaffarnagar district to meet the riot victims, Uttar Pradesh Chief Minister Akhilesh Yadav on Monday said that the victims of Muzaffarnagar violence staying in relief camps set up by the government will be sent home.", "summaries": ["The victims of violence staying in camps will be sent home."]} +{"id": "http://www.digitaltveurope.net/136712/ses-renews-e1-2-billion-credit-facility/", "text": "Satellite operator SES has closed a renewed \u20ac1.2 billion revolving credit facility, a move that the firm said strengthened the liquidity of the company.", "summaries": ["SES has closed a renewed \u20ac 1.2 billion credit facility."]} +{"id": "http://grandstandgazette.com/blog/375/172/bank-cash-down-loan-personal-turn-when-102", "text": "The other half of the money raised helps fund Campbell River Hospitals bank cash down loan personal turn when urgent needs.", "summaries": ["The half helps bank cash loan personal turn when needs."]} +{"id": "http://www.streetinsider.com/Press+Releases/DSW+Designer+Shoe+Warehouse+Announces+New+Store+In+Greenville,+SC/8771800.html", "text": "DSW Inc., a leading branded footwear and accessories retailer, is pleased to announce the opening of a new store in Greenville, SC on October 17th.", "summaries": ["DSW Inc. is pleased to announce the opening of a new store in Greenville, SC."]} +{"id": "http://mideast.foreignpolicy.com/posts/2013/10/14/american_man_found_dead_in_egyptian_prison_cell", "text": "An American man was found dead in an Egyptian prison cell Sunday morning, in what Egyptian officials said appeared to be a suicide.", "summaries": ["An American man was found dead in an Egyptian prison cell."]} +{"id": "http://www.northforkvue.com/finance/15481/masco-corp-downgraded-by-keycorp-to-underweight-mas/", "text": "Masco Corp. was downgraded by equities research analysts at KeyCorp from a ``hold'' rating to an ``underweight'' rating in a research note issued to investors on Tuesday, TheFlyOnTheWall.com reports.", "summaries": ["Masco Corp. was downgraded at KeyCorp to an underweight rating."]} +{"id": "http://www.lutontoday.co.uk/news/education/barnfield-college-investigated-by-department-for-education-1-5609931", "text": "Barnfield College, the powerhouse behind the Federation involved in turning schools in Luton and surrounding areas into academies, is being investigated by the Department For Education.", "summaries": ["Barnfield College is being investigated by the Department For Education."]} +{"id": "https://www.mywealth.commbank.com.au/economy/us-federal-reserve-turns-100-news20131224", "text": "The US Federal Reserve, a creation of the government and private bankers that has gained a global reputation for moving markets and exercises far-reaching power, has turned 100.", "summaries": ["The US Federal Reserve has turned 100."]} +{"id": "http://www.maritime-executive.com/article/Indian-Navy-Officer-Dies-on-New-Destroyer-2014-03-07", "text": "An Indian navy officer died on Friday from a gas leak during shipyard work on a new destroyer, just two weeks after a fatal submarine accident prompted the resignation of the country's top naval commander.", "summaries": ["An Indian navy officer died during work on a new destroyer."]} +{"id": "http://www.pymnts.com/news/businesswire-feed/2013/july/29/washington-trust-plans-to-open-branch-in-johnston-rhode-island-20130729005846", "text": "Washington Trust, the largest independent bank headquartered in Rhode Island, today announced plans to open its first branch in Johnston, Rhode Island, to be located at 1383 Atwood Avenue, the former site of Ribs & Company.", "summaries": ["Washington Trust today announced plans to open its branch in Johnston, Rhode Island."]} +{"id": "http://www.deccanherald.com/content/381460/bjp-accuses-somnath-bharti-039racism039.html", "text": "BJP on Sunday accused Delhi's law minister Somnath Bharti of ``racism'' and wondered if the dharna planned by chief minister Arvind Kejriwal to demand suspension of some police officials is a ploy for ``a way out of the government and get back to the streets''.", "summaries": ["BJP accused Somnath Bharti of racism."]} +{"id": "http://www.pharmpro.com/news/2014/01/shire-sells-foot-ulcer-treatment-organogenesis", "text": "Shire PLC has sold a diabetic foot ulcer treatment to Organogenesis Inc. for future milestone payments.", "summaries": ["Shire PLC has sold a foot ulcer treatment to Organogenesis Inc."]} +{"id": "http://www.ndtv.com/article/south/tamil-nadu-government-files-defamation-case-against-dmk-chief-m-karunanidhi-417312", "text": "Tamil Nadu government today filed a defamation case against former Chief Minister and DMK chief M Karunanidhi in a Sessions Court in Chennai.", "summaries": ["Tamil Nadu government today filed a defamation case against Minister and DMK chief M Karunanidhi."]} +{"id": "http://www.turkish-football.com/news_read.php?id=5121", "text": "Manchester United defender Alexander Buttner will join Be\u015fikta\u015f within 48 hours according to vice-president Ahmet Nur \u00c7ebi.", "summaries": ["Manchester United defender Alexander Buttner will join Be\u015fikta\u015f within 48 hours."]} +{"id": "http://articles.timesofindia.indiatimes.com/2014-02-10/india/47200114_1_telangana-bill-trinamool-congress-parliament", "text": "Trinamool Congress, on Monday, said that it would oppose the Telangana Bill seeking to bifurcate Andhra Pradesh in Parliament.", "summaries": ["Trinamool Congress would oppose the Telangana Bill seeking to bifurcate in Parliament."]} +{"id": "http://www.thehimalayantimes.com/fullNews.php?headline=Diaz+irks+anti-smoking+charities&NewsID=407911", "text": "Actress Cameron Diaz has irked anti-smoking charities after confessing at a chat show that ``one cigarette once in a while is not going to kill you''.", "summaries": ["Cameron Diaz has irked anti-smoking charities."]} +{"id": "http://www.scmagazine.com/syrian-electronic-army-hacks-forbes/article/334158/", "text": "The Syrian Electronic Army has hacked Forbes, gaining access to their WordPress admin to steal login credentials, as well as posting fake stories on its website.", "summaries": ["The Syrian Electronic Army has hacked Forbes."]} +{"id": "http://www.4-traders.com/JPMORGAN-CHASE-CO-4831/news/Under-siege-JPMorgan-to-quit-physical-commodities-17131187/", "text": "JPMorgan Chase & Co is exiting physical commodities trading, the bank said in a surprise statement on Friday, as Wall Street's role in the trading of raw materials comes under unprecedented political and regulatory pressure.", "summaries": ["JPMorgan Chase & Co is exiting physical commodities trading."]} +{"id": "http://www.dothaneagle.com/news/article_f89e94f6-babf-11e3-91cf-0017a43b2370.html", "text": "The second victim of a violent crime was found in contempt of court this week for the refusal to testify at trial.", "summaries": ["The second victim was found in contempt of court."]} +{"id": "http://www.indianexpress.com/news/indian-economy-to-face-challenges-in-2014-standard-chartered/1203124/", "text": "The Indian economy is expected to face various challenges in 2014, Standard Chartered said and at the same time added that it forecasts the world economy is likely to accelerate to a 3.5% growth rate in 2014 from 2.6% this year.", "summaries": ["The Indian economy is expected to face challenges in 2014."]} +{"id": "http://www.foxnews.com/sports/2014/04/22/dawson-to-retire-from-ra-in-2015/", "text": "Cruz Azul claimed its sixth CONCACAF Champions League title via away goals on Wednesday following a 1-1 second-leg draw with Toluca at the Nemesio D\ufffd\ufffd\ufffdez Stadium.", "summaries": ["Cruz Azul claimed its CONCACAF Champions League title."]} +{"id": "http://www.cbc.ca/sports/story/2013/09/08/sp-f1-italian-grand-prix-sebastian-vettel.html", "text": "Sebastian Vettel withstood a tricky start from the pole position to win the Italian Grand Prix on Sunday and take a commanding lead over Ferrari driver Fernando Alonso, who finished second.", "summaries": ["Sebastian Vettel withstood to win the Italian Grand Prix."]} +{"id": "http://www.biznisafrica.co.za/solarworld-lights-up-world-design-capital/", "text": "SolarWorld is lighting up Intaka Island's Environmental Education Centre, as World Design Capital, Cape Town 2014 project, with a solar installation that showcases the environment, sustainable living and green technologies in an eco-energy classroom in South Africa.", "summaries": ["SolarWorld is lighting up, as World Design Capital."]} +{"id": "http://www.dezeen.com/2013/11/21/oma-completes-de-rotterdam-vertical-city-complex/", "text": "News: architect Rem Koolhaas' studio OMA has completed its colossal ``vertical city'' in Rotterdam, the Netherlands.", "summaries": ["OMA has completed in Rotterdam."]} +{"id": "http://vr-zone.com/articles/motorola-officially-announces-moto-g/63655.html?utm_source=rss", "text": "Motorola has officially announced the Moto G, and just as the rumors indicated, the device is a more affordable version of the Moto X.", "summaries": ["Motorola has officially announced the Moto G."]} +{"id": "http://www.naplesnews.com/news/2014/feb/07/former-collier-county-resident-convicted-on-she/", "text": "A former Collier County resident was convicted Friday on charges that she helped hide the dismembered body of a man her husband killed in Georgia, the Savannah Morning News reported.", "summaries": ["A former Collier County resident was convicted on charges she helped hide the dismembered body."]} +{"id": "http://www.property-magazine.eu/astor-hotel-on-plymouth-hoe-sold-25835.html", "text": "The Astor Hotel on Plymouth Hoe has been sold by Colliers International for twice the price previously estimated.", "summaries": ["The Astor Hotel on Plymouth Hoe has been sold."]} +{"id": "http://gardencity.patch.com/groups/around-town/p/demo-schedule-for-242250-old-country-road", "text": "Demolition of the former KeySpan building on Old Country Road will continue this week with brief road closures, according to information provided by the Village of Mineola to Garden City officials.", "summaries": ["Demolition of the former KeySpan building will continue this week."]} +{"id": "http://eandt.theiet.org/news/2013/oct/wireless-pacemaker.cfm", "text": "The world's first leadless pacemaker, smaller than a AAA battery, is being introduced in the UK.", "summaries": ["The world's leadless pacemaker is being introduced in the UK."]} +{"id": "http://rapidcityjournal.com/news/local/communities/lead-deadwood/largest-mountain-lion-killed-this-season-may-have-been-poached/article_625103e9-698a-59b9-9c6e-bdd8bb63b120.html", "text": "A Lead man has logged the largest mountain lion kill of the season, but the 153-pound cat was allegedly poached roadside.", "summaries": ["A man has logged the largest mountain lion kill of the season, but the cat was poached."]} +{"id": "http://abcnews.go.com/Health/porn-industry-shuts-hiv-positive-actor/story?id=21151207", "text": "The porn industry has shut down for the third time this year after a fifth performer reportedly tested positive for HIV.", "summaries": ["The porn industry has shut down after a performer tested for HIV."]} +{"id": "http://www.wndu.com/home/headlines/Where-were-you-when-JFK-died-Thanks-to-TV-Michiana-can-remember-where-233078751.html?ref=751", "text": "In the five decades since Kennedy's assassination people have frequently posed the question ``where were you when JFK died?''", "summaries": ["Where were when JFK died."]} +{"id": "http://newindianexpress.com/cities/thiruvananthapuram/Sahithi-to-organise-literary-fest/2013/10/27/article1858219.ece", "text": "'Sahithi', an independent literature forum is organising a literary fest in connection with 'Kerala Piravi' celebration from October 27 to November 9.", "summaries": ["Sahithi, an forum is organising a literary fest."]} +{"id": "http://www.contentstandard.com/industry-insight/google-switches-to-secure-search-no-more-keyword-data/", "text": "Google has switched their Analytics data entirely to secure search, meaning that specific keyword data is no longer available in Google Analytics or any other platform.", "summaries": ["Google has switched to secure search."]} +{"id": "http://www.cmo.com.au/article/539967/women_rights_campaigns_take_over_social_discovery_app_tinder_/", "text": "Women's rights campaigns are taking over social discovery app, Tinder, to raise awareness of International Women's Day on 8 March.", "summaries": ["Women's rights campaigns are taking over social discovery app, Tinder."]} +{"id": "http://americablog.com/2014/01/actor-proposes-girlfriend-stage-middle-peter-pan-production.html", "text": "An actor proposes to his shocked actress girlfriend, on stage, in the middle of a production of Peter Pan in Glasgow, Scotland.", "summaries": ["An actor proposes to his girlfriend, on stage, in the middle of a production of Peter Pan."]} +{"id": "http://www.theborneopost.com/2014/01/11/man-charged-with-mischief-for-causing-fire/", "text": "A man has been charged with mischief under Section 435 of the Penal Code for causing a mattress at a hotel here to catch fire early last Monday.", "summaries": ["A man has been charged with mischief for causing to catch fire."]} +{"id": "http://www.sportsmedia101.com/losangeleskings/2013/11/04/los-angeles-kings-captain-dustin-brown-turns-29/", "text": "Los Angeles Kings captain Dustin Brown, who has played his entire nine-year NHL career with the Kings, turned 29 on Monday.", "summaries": ["Los Angeles Kings captain Dustin Brown turned 29."]} +{"id": "http://www.letsgotribe.com/2013/11/4/5066062/cleveland-indians-qualifying-offer-ubaldo-jimenez", "text": "The Indians have made an official qualifying offer to starting pitcher Ubaldo Jimenez.", "summaries": ["The Indians have made an qualifying offer to starting Ubaldo Jimenez."]} +{"id": "http://www.bedfordshire-news.co.uk/News/Salvation-Army-to-open-new-sports-ground-in-Bedford-20140320101433.htm", "text": "THE Salvation Army is to open a new all-weather sports ground in the heart of Bedford to give people of all ages the opportunity to get fit, study, or just relax in a safe environment.", "summaries": ["THE Salvation Army is to open a new sports ground in the heart of Bedford."]} +{"id": "http://www.4-traders.com/news/US-Stocks-Drop-as-Investors-Turn-Attention-to-Earnings--17372429/", "text": "US stocks dropped as investors turned attention toward lackluster blue-chip earnings reports after the government passed a temporary deal to avert default.", "summaries": ["US stocks dropped as investors turned attention toward earnings reports."]} +{"id": "http://www.antaranews.com/en/news/92210/dozens-believed-to-be-buried-by-landslide", "text": "Dozens of people are believed to have been buried by a landslide in North Sulawesi, on Wednesday.", "summaries": ["Dozens are believed to have been buried by a landslide."]} +{"id": "http://www.sussexexpress.co.uk/news/local/children-enjoy-day-out-at-drusillas-park-1-5514165", "text": "Fifty children and carers from across the south enjoyed a complimentary day out at Drusillas Park in Alfriston.", "summaries": ["Children enjoyed a day at Drusillas Park."]} +{"id": "http://thelandryhat.com/2014/01/10/trade-tony-romo-johnny-manziel/", "text": "``Yes, this is a bit of fantasy football. But I did write an article two years ago about how the Cowboys should have traded up in that draft for Standford quarterback Andrew Luck, if at all possible. And I think Dallas would be in a far better position today with Luck at quarterback over the aging Tony Romo. That being said, Manziel has more question marks surrounding him than Luck. And it appears most experts are simply polarized about the kid. Either he is going to be the greatest player ever or a bust. I like the kid myself. I think Dallas would be wise to trade Romo and their first round pick for Manziel, especially considering Tony's age and recent back injury. It won't happen, but it doesn't mean it wouldn't be a great move for the future of the franchise.``", "summaries": ["Dallas would be to trade Romo and their pick for Manziel."]} +{"id": "http://www.vcstar.com/news/2013/nov/01/coaches-teacher-suspended-for-wearing-02/", "text": "SAN DIEGO - Three San Diego high school coaches and a teacher are being suspended for wearing blackface at a weekend Halloween party, officials announced Friday.", "summaries": ["Coaches and a teacher are being suspended for wearing blackface."]} +{"id": "http://www.youtube.com/watch?v=DYhpfQsfOjU", "text": "Meteorologist Miri Marshall shows how Sunday's storm has cleared out for a sunny Opening Day for the Baltimore Orioles.", "summaries": ["Sunday's storm has cleared out for a sunny Opening Day."]} +{"id": "http://www.huffingtonpost.com/2014/02/15/us-soldiers-misconduct_n_4794685.html", "text": "The number of US soldiers forced out of the Army because of crimes or misconduct has soared in the past several years as the military emerges from a decade of war that put a greater focus on battle competence than on character.", "summaries": ["The number of soldiers forced out of the Army because of crimes or misconduct has soared."]} +{"id": "http://www.the-star.co.ke/news/article-145432/murungaru-spared-grilling-content-secret-tapes", "text": "Former minister Chris Murungaru will not be grilled about the content of secret tapes recorded by John Githongo exposing alleged attempt by powerful politicians to interfere with investigation into Angloleasing scandal.", "summaries": ["Chris Murungaru will not be grilled about the content of secret tapes."]} +{"id": "http://news.techeye.net/business/internet-cafes-are-dying-out", "text": "Internet cafes, which were once the communication hub in developing countries, are fast dying out.", "summaries": ["Internet cafes are dying out."]} +{"id": "http://www.hollywood.com/news/brief/56730164/jeremy-davis-welcomes-daughter", "text": "Davis and British actress Kathryn Camsey welcomed a daughter on 28 December.", "summaries": ["Davis welcomed a daughter."]} +{"id": "http://www.nhl.com/ice/news.htm?id=691567", "text": "Maple Leafs forward Nazem Kadri has been suspended three games for interference with Wild goaltender Niklas Backstrom.", "summaries": ["Maple Leafs Nazem Kadri has been suspended three games."]} +{"id": "http://www.itv.com/news/wales/update/2013-09-11/headteacher-awarded-200-000-for-unfair-dismissal/", "text": "A former headteacher of a private girls' school in Denbighshire has been awarded over \u00a3200,000 for unfair dismissal.", "summaries": ["A headteacher has been awarded over \u00a3 200,000 for unfair dismissal."]} +{"id": "http://nwahomepage.com/fulltextsports?nxd_id=447082", "text": "Across the board, the national media believes Bret Bielema and Arkansas are a good marriage.", "summaries": ["The national media believes Bret Bielema are."]} +{"id": "http://www.usmagazine.com/celebrity-news/news/pro-surfer-bethany-hamilton-marries-adam-dirks-2013188", "text": "Pro surfer Bethany Hamilton married Adam Dirks in Hawaii on Saturday, Aug. 17.", "summaries": ["Pro surfer Bethany Hamilton married Adam Dirks."]} +{"id": "http://www.aninews.in/newsdetail10/story163302/regular-aerobic-exercise-may-help-slow-down-dementia-in-older-women.html", "text": "A new study has revealed that regular aerobic exercise boosts memory area of brain and may help to slow down advance of dementia in older women.", "summaries": ["Regular aerobic exercise boosts and may help to slow down advance of dementia in older women."]} +{"id": "http://appadvice.com/appnn/2013/07/number-of-free-apps-in-the-app-store-continues-to-rise", "text": "The number of free apps available in the App Store and through Google Play continues to rise.", "summaries": ["The number of free apps available in the App Store continues to rise."]} +{"id": "http://www.10tv.com/content/stories/2013/07/09/Newark_Storm_Damage.html", "text": "Strong storms packing high winds knocked down trees and power lines in Newark on Tuesday.", "summaries": ["Storms knocked down trees and power lines."]} +{"id": "http://somalilandpress.com/i-was-shaking-and-giggling-like-a-kid-49097", "text": "She told me, ``When I found out she was free, I just ran around the house yelling, 'she's out! she's out!' I was shaking and giggling like a little kid. I yelled for my husband, grabbed him and started dancing around. I had no idea how much change just one person can bring!''", "summaries": ["I was shaking and giggling like a kid."]} +{"id": "http://global.christianpost.com/news/jaci-velasquez-kicks-off-her-2013-christmas-tour-110213/", "text": "Long-time Christian singer and recording artist Jaci Velasquez is kicking off her 2013 Christmas tour today in Bloomington, Minnesota.", "summaries": ["Jaci Velasquez is kicking off her 2013 Christmas tour."]} +{"id": "http://www.stuff.co.nz/entertainment/celebrities/9839786/Judge-orders-Chris-Brown-to-remain-in-jail", "text": "A judge says R&B singer Chris Brown must remain in jail until a hearing in late April because he failed to remain in a court-mandated rehab program.", "summaries": ["Chris Brown must remain in jail."]} +{"id": "http://www.nbcphiladelphia.com/news/local/Plane-Broke-Apart-Before-Crashing--241106741.html", "text": "Federal investigators say a small plane broke apart in the air before it crashed last month near Gettysburg, killing the pilot and his only passenger.", "summaries": ["A plane broke apart before it crashed near Gettysburg."]} +{"id": "http://www.newindianexpress.com/elections/news/BJP-Manifesto-Fascist-Aims-at-Creating-Powerful-Centre/2014/04/07/article2155200.ece", "text": "The BJP manifesto has fascist undertones and aims to create a powerful centre, a Muslim leader said Monday, while calling on the minorities to vote tactically to defeat the BJP.", "summaries": ["The BJP manifesto has fascist undertones and aims to create a powerful centre."]} +{"id": "http://yorktown.dailyvoice.com/news/astorino-joins-united-way-2-1-1-day", "text": "Westchester County Executive Robert Astorino is joining the United Way of Westchester and Putnam to celebrate National ``2-1-1 Day.''", "summaries": ["Robert Astorino is joining the United Way to celebrate 2 1 1 Day."]} +{"id": "http://www.hollywood.com/news/tv/7821188/kevin-smith-lands-his-own-talk-show?page=all", "text": "In some of the strangest news in the daytime-television arena since at least yesterday's announcement that James Franco would once again be returning to General Hospital, ``Silent Bob'' has landed his own talk show.", "summaries": ["Silent Bob has landed his own talk show."]} +{"id": "http://mtstandard.com/news/opinion/depression-is-an-illness-it-s-shouldn-t-be-taboo/article_0a1e580a-7827-11e3-b8f5-001a4bcf887a.html", "text": "Depression is an illness that results in the lack of pleasure with almost all activities.", "summaries": ["Depression is an illness."]} +{"id": "http://www.welovesoaps.net/2013/10/michael-nouri-joins-acting-dead.html", "text": "Actor Michael Nouri, best known from the 1983 blockbuster Flashdance, has joined upcoming, semi-dark, zombie comedy ACTING DEAD.", "summaries": ["Michael Nouri has joined ACTING DEAD."]} +{"id": "http://www.deathandtaxesmag.com/211377/donald-trump-may-run-for-governor-of-new-york/", "text": "Professional wig mannequin and real estate developer Donald Trump hinted this morning that he may run for governor of New York next year against Governor Cuomo.", "summaries": ["Donald Trump may run for governor of New York."]} +{"id": "http://www.marilynstowe.co.uk/2013/12/12/almost-two-children-a-day-abducted-by-parents/", "text": "Almost two children a day are abducted by the parents into foreign countries, new government figures reveal.", "summaries": ["Almost two children a day are abducted by the parents."]} +{"id": "http://www.emirates247.com/entertainment/celebrity-gossip/katie-price-has-emergency-surgery-2013-09-27-1.522559", "text": "Katie Price has had emergency surgery after she suffered further complications caused by her pregnancy before the birth of her and Kieran Hayler's son Jett Riviera.", "summaries": ["Katie Price has had emergency surgery."]} +{"id": "http://www.sportskeeda.com/football/rob-baan-to-continue-as-aiff-technical-director-for-one-more-year", "text": "Rob Baan is set to continue as AIFF technical director for one more year, Sportskeeda can confirm.The 70-year-old was appointed in October 2011, when he signed a two-year contract and there was growing speculation that Baan would be leaving his post at the end of his term.", "summaries": ["Rob Baan is set to continue as AIFF technical director for one more year."]} +{"id": "http://www.bizjournals.com/austin/news/2014/01/22/whole-foods-launching-tv-show.html", "text": "Whole Foods is launching a new TV show called Dark Rye on the Pivot TV network.", "summaries": ["Whole Foods is launching a TV show."]} +{"id": "http://medicinehatnews.com/2013/08/news/national-news/boy-airlifted-to-hospital-in-winnipeg-after-being-injured-by-a-parade-float/", "text": "A young Manitoba boy has been airlifted to hospital in Winnipeg after officials say he was injured by a parade float.", "summaries": ["A boy has been airlifted to hospital in Winnipeg after officials say he was injured by a parade float."]} +{"id": "http://www.bigcatcountry.com/2013/8/6/4593732/denard-robinson-jaguars-number", "text": "Jacksonville Jaguars ``offensive weapon'' Denard Robinson has officially changed his number from No. 29 to No. 16, the number he wore at Michigan.", "summaries": ["Denard Robinson has changed to No. 16."]} +{"id": "http://www.gulf-times.com/china/249/details/363966/boy-has-his-eyes-gouged-out", "text": "A six-year-old boy in China had his eyes gouged out, blinding him for life, reports said yesterday, in a gruesome attack that may have been carried out by a ruthless organ trafficker.", "summaries": ["A boy had his eyes gouged out."]} +{"id": "http://www.globalpost.com/dispatch/news/afp/140121/taiwan-slash-armed-forces-20-percent", "text": "Taiwan has said it plans to slash its armed forces by up to 20 percent from 215,000 over the next five years, in the latest sign of warming ties with former rival China.", "summaries": ["Taiwan plans to slash its armed forces by up to 20 percent."]} +{"id": "http://www.fijivillage.com/?mod=story&id=30041464f59b58482e88fdccb78a92", "text": "A 27 year old school teacher who was travelling in a mini bus lost his life in an accident at Maro junction in Lomawai Sigatoka earlier today.", "summaries": ["A school teacher lost his life in an accident."]} +{"id": "http://www.buffalonews.com/apps/pbcs.dll/article?AID=/20130818/SPORTS/130819111/1004", "text": "While his team took the practice field here at St. John Fisher College, rookie quarterback EJ Manuel was having a ``minor procedure'' performed on his left knee back in Buffalo.", "summaries": ["EJ Manuel was having a minor procedure performed on his left knee."]} +{"id": "http://www.indileak.com/opposition-dividing-people-on-communal-lines-rahul/", "text": "The opposition is dividing the people of India on communal lines, Congress vice president Rahul Gandhi said here on Tuesday while launching his election campaign in Meghalaya.", "summaries": ["The opposition is dividing the people on communal lines."]} +{"id": "http://www.wday.com/event/article/id/94310/group/homepage/", "text": "The final weekend of the college hockey regular season is here with plenty at stake for UND...", "summaries": ["The final weekend of the college hockey regular season is here."]} +{"id": "http://www.courier-journal.com/article/20131130/BUSINESS/311300115/Could-banks-charge-customer-deposits-", "text": "A report last week that Federal Reserve officials have discussed cutting a key interest rate has raised the once-unthinkable possibility that banks could respond by charging customers for deposits.", "summaries": ["Banks could respond by charging customers for deposits."]} +{"id": "http://www.moneycontrol.com/news/weather/coffee-productionindia-may-rise-9-to-347000-tonnes_1010951.html", "text": "Coffee production in India may rise 9% to 347,000 tonnes in the year starting October 2013 due to timely rainfall in southern states of Karnataka & Kerala, the major producers.", "summaries": ["Coffee production in India may rise 9% to 347,000 tonnes."]} +{"id": "http://www.oregonlive.com/business/index.ssf/2014/01/google_buys_nest_labs_smart_th.html", "text": "Google is buying digital thermostat maker Nest Labs for $3.2 billion as the Internet search company moves deeper into web-connected devices.", "summaries": ["Google is buying Nest Labs for $ 3.2 billion."]} +{"id": "http://www.telegraph.co.uk/sport/football/teams/arsenal/10755104/Lassana-Diarra-denies-rumours-he-has-become-a-jihadist-in-the-Syria-war.html", "text": "Former Premier League player Lassana Diarra has denied rumours on social media websites that he had become a jihadist in the Syria war.", "summaries": ["Lassana Diarra has denied rumours he had become a jihadist in the Syria war."]} +{"id": "http://www.sportpulse.net/content/razvan-rat-leaves-west-ham-mutual-consent-13636", "text": "Razvan Rat has left West Ham United with mutual consent after spending six months at the club.", "summaries": ["Razvan Rat has left West Ham United with mutual consent."]} +{"id": "http://www.rollcall.com/news/obama_this_time_is_different-228097-1.html?pos=oplyh", "text": "``I think this time is different. I think they should be concerned,'' he told CNBC's John Harwood, given that a faction of the Republican Party appears willing to take the country to a default on its bills in a couple of weeks.", "summaries": ["This time is different. I think."]} +{"id": "http://articles.timesofindia.indiatimes.com/2014-02-10/india/47199849_1_ncp-chief-sharad-pawar-ncp-leaders-bhaskarrao-jadhav", "text": "Congress and NCP on Monday finalized a seat sharing arrangement in Maharashtra for the Lok Sabha polls deciding to contest 26 and 22 seats respectively, days after NCP leaders had made statements that appeared to be soft on Narendra Modi.", "summaries": ["Congress and NCP finalized a seat sharing arrangement."]} +{"id": "http://fox17online.com/2014/01/17/google-is-developing-smart-contact-lenses/", "text": "Google is developing smart contact lenses that measure the glucose levels in diabetics' tears.", "summaries": ["Google is developing smart contact lenses."]} +{"id": "http://zeenews.india.com/news/maharashtra/rakhi-sawant-to-contest-from-mumbai-north-west_920482.html", "text": "Bollywood starlet Rakhi Sawant Wednesday said she is going to contest the Lok Sabha election from the Mumbai North-West constituency on the plank of restoring women's safety in the metropolis.", "summaries": ["Rakhi Sawant is going to contest from the Mumbai North-West constituency."]} +{"id": "http://www.tenasia.com/archives/77106", "text": "Actor Lee Jong-suk has been diagnosed with swine flu, his agency said on Wednesday.", "summaries": ["Lee Jong-suk has been diagnosed with swine flu."]} +{"id": "http://www.yourmiddleeast.com/news/iraqi-forces-kill-six-alqaeda-militants_16898", "text": "Iraqi forces killed six suspected Al-Qaeda militants during an operation north of Baghdad on Monday, while two soldiers and seven civilians died in attacks, officials said.", "summaries": ["Iraqi forces killed six Al-Qaeda militants."]} +{"id": "http://news.xinhuanet.com/english/health/2013-10/02/c_132768828.htm", "text": "Laos became the first South East Asian nation to introduce pneumococcal vaccine and began a demonstration project for HPV vaccine at a ceremony in the nation' s capital Vientiane Wednesday.", "summaries": ["Laos became the first South East Asian nation to introduce pneumococcal vaccine."]} +{"id": "http://wgnsradio.com/trash-in-walter-hill-is-piling-up-and-piling-up--cms-15180", "text": "The trash in Walter Hill continues to pile up at the Middle Point Landfill.", "summaries": ["The trash in Walter Hill continues to pile up."]} +{"id": "http://au.news.yahoo.com/world/a/21926741/crimea-votes-for-independence-ahead-of-referendum-to-join-russia/", "text": "Ukraine's Crimea peninsula voted on Tuesday for full independence from Ukraine ahead of a referendum to join Russia while France threatened sanctions against Moscow as early as this week.", "summaries": ["Ukraine's Crimea peninsula voted for independence ahead of a referendum to join Russia."]} +{"id": "http://www.news-medical.net/news/20131209/Signs-of-inflammation-in-mane28099s-prostate-biopsy-may-indicate-reduced-risk.aspx", "text": "Signs of inflammation in a man's prostate biopsy may indicate he has a reduced risk of subsequently being diagnosed with prostate cancer in a future biopsy.", "summaries": ["Signs of inflammation in a man's prostate biopsy may indicate he has a reduced risk."]} +{"id": "http://www.pharmiweb.com/pressreleases/pressrel.asp?ROW_ID=77505", "text": "Coppersmith Capital Management LLC and the other participants in its proxy solicitation the fourth-largest stockholder of Alere Inc. owning approximately 7.3% of the shares outstanding today issued the following letter to Alere stockholders:", "summaries": ["Coppersmith Capital Management LLC issued the letter to Alere stockholders."]} +{"id": "http://www.timesonline.com/news/local_news/local-lawmakers-split-on-transportation-bill/article_c0047219-c1e1-5e18-b01f-376c971f87e4.html", "text": "As Gov. Tom Corbett celebrates his first major legislative achievement this session, local lawmakers are split on whether the new transportation spending bill represents a fair compromise.", "summaries": ["Local lawmakers are split on the transportation bill represents."]} +{"id": "http://news.yahoo.com/us-vp-joe-biden-arrives-mexico-meetings-131521230.html", "text": "US Vice President Joe Biden has arrived in Mexico for a scheduled meeting with President Enrique Pena Nieto and talks about the two countries' economic relations.", "summaries": ["US Vice President Joe Biden has arrived in Mexico for a meeting."]} +{"id": "http://www.theglobeandmail.com/news/world/former-pope-benedict-denies-covering-up-sexual-abuse/article14491998/", "text": "Former Pope Benedict has denied that he tried to cover up sexual abuse of children by Roman Catholic priests, in his first direct published comments since he stepped down.", "summaries": ["Benedict tried to cover up sexual abuse."]} +{"id": "http://readingeagle.com/article.aspx?id=515868", "text": "A tornado watch has been canceled for Berks County, the National Weather Service reports.", "summaries": ["A tornado watch has been canceled for Berks County."]} +{"id": "http://articles.timesofindia.indiatimes.com/2013-09-30/news-interviews/42535316_1_gujarati-film-sonali-kulkarni-telugu-film", "text": "Sonali Kulkarni who plays an important role in 'The Good Road' which went on to be India's selection for Oscar in the Best foreign film category feels that she has never marketed herself enough when it comes to her career.", "summaries": ["Sonali Kulkarni has never marketed enough."]} +{"id": "http://www.myrtlebeachonline.com/2013/10/29/3803107/carolina-shores-nc-man-dies-in.html", "text": "A Carolina Shores, NC, man died Tuesday afternoon after the vehicle he was driving was involved in a crash.", "summaries": ["A Carolina Shores, NC, man died Tuesday afternoon was involved in a crash."]} +{"id": "http://www.sddt.com/news/article.cfm?SourceCode=20130920tqc&_t=Apmetrix+completes+financing", "text": "Apmetrix, a San Diego-based provider of cross-platform high-end video game and mobile app analytics, has completed its financing from Analytics Ventures, La Costa Investment Group and KI Investment Holdings LLC to accelerate subscriber growth prior to a Series A round in 2014.", "summaries": ["Apmetrix has completed its financing."]} +{"id": "http://www.arabnews.com/news/529361", "text": "Global energy giant Shell announced Friday it is selling 870 service stations and its last remaining Australian refinery to Swiss-based oil giant Vitol for $2.6 billion.", "summaries": ["Shell is selling 870 service stations."]} +{"id": "http://www.daijiworld.com/news/news_disp.asp?n_id=182430", "text": "Indian leg-spinner Amit Mishra Saturday equalled the world record for most wickets in a bilateral ODI series after grabbing a career-best six-wicket haul in the fifth and final one-dayer against Zimbabwe here.", "summaries": ["Leg-spinner Saturday equalled the world record for most wickets in a ODI series."]} +{"id": "http://www.pakistantribune.com.pk/5707/deepika-padukone-visits-ailing-ranveer-singh-in-hospital.html", "text": "Deepika Padukone, Bollywood actress known for her stylish looks visited ailing friend Ranveer Singh in hospital today.", "summaries": ["Deepika Padukone, visited ailing friend Ranveer Singh in hospital."]} +{"id": "http://articles.economictimes.indiatimes.com/2013-09-01/news/41663297_1_president-barack-obama-military-action-syria", "text": "US President Barack Obama said he will ask the US Congress to authorize military action against Syria, lifting the threat of immediate strikes on Bashar al-Assad's regime.", "summaries": ["Barack Obama will ask the US Congress to authorize military action against Syria."]} +{"id": "http://rapidcityjournal.com/news/local/communities/chadron/roundabout-wins-favor-with-some/article_cf4a7934-82b7-11e3-8122-001a4bcf887a.html", "text": "The idea of a roundabout won favor from more members of the audience and the city council Monday, with several individuals, including two councilmen, encouraging the city to take action.", "summaries": ["The idea of a roundabout won favor."]} +{"id": "http://www.rupeetimes.com/news/fixed_deposits/punjab_national_bank_increases_the_interest_rates_on_nri_deposits_8434.html", "text": "Punjab National Bank has recently increased the interest rates on NRI deposits by one percent according to the reliable sources.", "summaries": ["Punjab National Bank has increased the interest rates on NRI deposits."]} +{"id": "http://southcountyleader.com/glenpoolpost/news/education/girlfriend-material-chosen-as-ghs-book-of-the-week/article_f00d2472-3dd5-11e3-98ca-001a4bcf887a.html", "text": "Girlfriend Material by author Melissa Kantor was chosen this week at the Glenpool High School book of the week.", "summaries": ["Girlfriend Material was chosen this week at the book."]} +{"id": "http://www.kolotv.com/news/headlines/Lake-Tahoe-in-Spotlight-as-Hundreds-Gather-for-Summit-220179321.html?ref=321", "text": "Lake Tahoe is back in the spotlight as hundreds gather on its eastern shore for an annual environmental summit.", "summaries": ["Lake Tahoe is back in the spotlight as hundreds gather for an summit."]} +{"id": "http://www.androidos.in/2014/02/samsung-galaxy-s4-exynos-kitkat-update/", "text": "After Galaxy Note III, Samsung has now started rolling out Android 4.4 KitKat update for Galaxy S4.", "summaries": ["Samsung has started rolling out Android 4.4 update for Galaxy S4."]} +{"id": "http://www.northescambia.com/2013/11/two-arrested-for-cashing-fake-checks", "text": "Two women from the Kissimmee area were arrested Thursday for cashing fake checks at a couple of Escambia County businesses.", "summaries": ["Two women were arrested for cashing fake checks."]} +{"id": "http://www.brecorder.com/pakistan/general-news/136742-increase-in-petroleum-prices-linked-with-international-market-rates-na.html", "text": "Minister of State for Petroleum and Natural Resources, Jam Kamal Khan on Thursday informed the House that increase in petroleum prices is linked with international markets rates.", "summaries": ["Minister for Petroleum, informed that increase in prices is linked with international markets rates."]} +{"id": "http://www.canindia.com/2014/03/first-look-of-humshakals-to-be-revealed-tomorrow/", "text": "The first look of Sajid Khan's 'Humshakals' starring Saif Ali Khan, Riteish Deshmukh, Ram Kapoor, Bipasha Basu, Esha Gupta and Tamannah Bhatia will be revealed tomorrow after 9pm on Star Sports, during the India-Pakistan match.", "summaries": ["The first look of Sajid Khan's Humshakals will be revealed tomorrow."]} +{"id": "http://www.rte.ie/news/business/2014/0224/506339-laser-cards/", "text": "The Irish Payment Services Organisation has said that all Laser bank cards have now been replaced with Visa and MasterCard debit cards.", "summaries": ["All Laser cards have now been replaced with debit cards."]} +{"id": "http://www.tradearabia.com/news/BANK_243054.html", "text": "Turkey mandated banks for its second sovereign sukuk issue in international markets on Thursday and will hold a series of investor meetings from September 23 to October 1 in the Middle East and Asia, the Treasury said.", "summaries": ["Turkey mandated banks for its sukuk issue."]} +{"id": "http://www.musictimes.com/articles/4912/20140319/frankie-ballard-goes-number-1.htm", "text": "So far this month, he's been named an honorary ``Friends and Family'' member of the Country Music Hall of Fame\u00ae and Museum and he's seen his single, ''Helluva Life`` go all the way to #1!", "summaries": ["He's been his, Helluva Life go to # 1."]} +{"id": "http://www.mlive.com/news/kalamazoo/index.ssf/2013/10/berrien_county_woman_drowns_af.html", "text": "A Berrien County woman drowned Friday after being pinned beneath a riding lawn tractor that she accidentally drove into a pond, police say.", "summaries": ["A Berrien County woman drowned after being pinned beneath a lawn tractor she drove into a pond."]} +{"id": "http://money.msn.com/business-news/article.aspx?feed=OBR&date=20140323&id=17457884", "text": "Data-management company Actifio said it had raised $100 million in funding led by Tiger Global, bringing it to funding levels usually reserved for consumer-oriented companies.", "summaries": ["Actifio said it had raised $ 100 million led by Tiger Global."]} +{"id": "http://www.northlondon-today.co.uk/News.cfm?id=28274&headline=Rats%20force%20supermarket%20shut%20down", "text": "RATS have forced a supermarket to shut up shop after an infestation of the rodents escalated out of control.", "summaries": ["RATS have forced a supermarket to shut up."]} +{"id": "http://www.charlotteobserver.com/2014/01/09/4598581/european-parliament-invites-snowden.html", "text": "BRUSSELS A European Parliament committee has invited Edward Snowden to testify via video link in its investigation of US surveillance practices.", "summaries": ["European Parliament committee has invited Edward Snowden to testify."]} +{"id": "http://www.youtube.com/watch?v=GU563rxzSyU", "text": "October 14 - Umalusi says security remains a concern during the final matric exams.", "summaries": ["Security remains a concern during the final matric exams."]} +{"id": "http://www.theborneopost.com/2013/09/21/lorry-driver-found-dead-with-bodily-injuries/", "text": "A lorry driver who would have been 38 years old today was found dead with bodily injuries near a supermarket at Jalan Datuk Edward Jeli here.", "summaries": ["A lorry driver was found dead with bodily injuries."]} +{"id": "http://www.innovationexcellence.com/blog/2014/04/11/where-will-you-play-strategically-speaking/", "text": "The question of where to play, strategically speaking, is deceptively simple.", "summaries": ["The question of where to play, strategically speaking, is."]} +{"id": "http://www.geo.tv/article-126418-Mobile-phone-services-restored-in-Karachi-other-cities", "text": "The mobile phone services that remained suspended throughout the day as part of the government's security plan on the occasion of 9th of Muharram has restored in Karachi and other cities, Geo News reported.", "summaries": ["The mobile phone services has restored in Karachi and other cities."]} +{"id": "http://www.moshnews.co.uk/nintendo-are-launching-2ds-huh-81765/", "text": "It seems Nintendo are launching the 2DS in October, and it's only $50 less than the 3DS -- and it lets you play 3DS games in 2D...", "summaries": ["Nintendo are launching the 2DS."]} +{"id": "http://post.jagran.com/ghulam-nabi-azad-stresses-on-better-coordination-between-medical-bodies-1380879569", "text": "Health Minister Ghulam Nabi Azad on Friday stressed on better coordination between different medical bodies to weed out the problem of duplicate registration and other malpractices.", "summaries": ["Ghulam Nabi Azad stressed on better coordination between medical bodies."]} +{"id": "http://english.alarabiya.net/en/News/asia/2013/09/21/Pakistan-releases-senior-Taliban-commander-Abdul-Ghani-Baradar.html", "text": "Pakistan on Saturday released its most senior Afghan Taliban detainee, Abdul Ghani Baradar, also called Mullah Baradar, as part of a move to help the peace process in war-torn neighbor Afghanistan.", "summaries": ["Pakistan released its senior Taliban detainee, Abdul Ghani Baradar."]} +{"id": "http://www.salisburyjournal.co.uk/events/Wimborne/931964.THE_SAVILLS_COUNTRYSIDE_ALLIANCE_POINT_TO_POINT/", "text": "The Savills Countryside Alliance Point to Point at Badbury Rings, near Wimborne, Dorset, is set to be bigger and better than ever for 2014.", "summaries": ["The Savills Countryside Alliance Point to Point."]} +{"id": "http://www.nationmultimedia.com/politics/Many-Facebook-users-protest-against-amnesty-bill-30218651.html", "text": "Many Thai Facebook users have changed their profile picture in protest against the controversial amnesty bill.", "summaries": ["Many Facebook users have changed in protest against the amnesty bill."]} +{"id": "http://www.northjersey.com/news/250009661_New_Friends_of_Oakland_Public_Library_to_hold_art_sale.html", "text": "The New Friends of the Oakland Public Library will hold its third annual art exhibit and sale from 10 am to 5 pm March 29 and noon to 4 pm March 30 at the library, 2 Municipal Plaza.", "summaries": ["The New Friends of the Oakland Public Library will hold its art exhibit and sale."]} +{"id": "http://www.worldbulletin.net/?aType=haber&ArticleID=121390", "text": "Search engine Google is warning drivers not to use its services while operating a vehicle.", "summaries": ["Google is warning drivers."]} +{"id": "http://www.stcatharinesstandard.ca/2013/11/28/public-health-calls-for-government-to-invest-in-oral-health", "text": "Public health workers, dentists and people with a vested interest in health are calling on the provincial government to invest in public oral health care for adults living with low incomes.", "summaries": ["Public health workers, are calling on the government to invest in oral health care."]} +{"id": "http://www.news-medical.net/news/20131104/Firearm-injuries-in-the-US-cost-more-than-2416-billion-in-hospital-resources.aspx", "text": "Firearm injuries in the US cost more than $16 billion in hospital resources between 2000 and 2008, according to new research released today at the American Public Health Association's 141st Annual Meeting in Boston.", "summaries": ["Firearm injuries in the US cost more than $ 16 billion in hospital resources."]} +{"id": "http://www.pharmaceutical-business-review.com/news/clondalkin-invests-1m-to-enhance-packaging-pharma-healthcare-business-020813", "text": "Clondalkin, a provider of packaging products and services, has invested \u20ac1m in labels market to enhance its specialist packaging pharma and healthcare business.", "summaries": ["Clondalkin has invested \u20ac 1m to enhance its packaging pharma and healthcare business."]} +{"id": "http://www.timesofmalta.com/articles/view/20140410/world/Italy-rescues-4-000-migrants.514392", "text": "Italy has rescued 4,000 migrants from boats trying to reach European shores in the past 48 hours in a deepening immigration crisis, the Interior Minister said yesterday.", "summaries": ["Italy has rescued 4,000 migrants."]} +{"id": "http://www.telegram.com/article/20130725/NEWS/307259689/1002", "text": "Bristol-Myers Squibb Co., which has a manufacturing plant in Devens, cut its 2013 profit forecast as revenue fell and the company reported a slow sales start for its newly introduced heart drug.", "summaries": ["Squibb, which has, cut its 2013 forecast."]} +{"id": "http://entertainment.stv.tv/showbiz/239635-kerry-katona-feels-insecure-in-atomic-kitten/", "text": "Kerry Katona has admitted that she feels insecure next to her fellow Atomic Kitten bandmates.", "summaries": ["Kerry Katona feels insecure next to her Atomic Kitten bandmates."]} +{"id": "http://www.loverugbyleague.com/news_13608-bradford-set-to-sign-henry.html", "text": "Bradford are set to sign Sydney Roosters winger Adam Henry, following a positive meeting with the RFL over the club's change of ownership.", "summaries": ["Bradford are set to sign Adam Henry."]} +{"id": "http://www.shanghaidaily.com/article/article_xinhua.aspx?id=206848", "text": "China on Saturday made a three-point proposal on seeking a political solution to the ongoing Ukraine crisis, stressing that the key to resolving the crisis is to settle differences through dialogue and negotiations.", "summaries": ["China made a proposal on seeking a political solution to the Ukraine crisis."]} +{"id": "http://www.sport24.co.za/Cricket/IndiaInSA/Smith-hails-incredible-win-20131231", "text": "South African captain Graeme Smith hailed ``an incredible win'' for his team after they clinched an emphatic ten-wicket victory on the fifth day of the second and final Test against India at Kingsmead on Monday.", "summaries": ["Graeme Smith hailed an incredible win."]} +{"id": "http://www.tribtown.com/view/story/2c214650fee84158891ac4411841f51b/US--Campbell-Europe", "text": "Campbell Soup says it's in final negotiations to sell its European business to private equity firm CVC Capital Partners for an undisclosed sum, the latest move by CEO Denise Morrison to reshape the company.", "summaries": ["Campbell Soup says it's in negotiations to sell its European business."]} +{"id": "http://www.huffingtonpost.com/2013/11/13/marriage-equality-hawaii_n_4269424.html?utm_hp_ref=politics&ir=Politics", "text": "Hawaii Gov. Neil Abercrombie signed a bill Wednesday legalizing gay marriage in the state that kicked off a national discussion of the issue more than two decades ago.", "summaries": ["Hawaii Gov. Neil Abercrombie signed a bill legalizing gay marriage in the state."]} +{"id": "http://www.salon.com/2013/09/25/americans_hate_book_banning/singleton/", "text": "One thing I've learned in the past week is that most Americans really hate book banning.", "summaries": ["Americans hate book banning."]} +{"id": "http://www.radionz.co.nz/news/regional/216200/coroner-wants-changes-to-diving-courses", "text": "A coroner wants some basic changes to diving instruction courses after the deaths of two men on a dive in Auckland's Lake Pupuke.", "summaries": ["A coroner wants some changes to diving courses."]} +{"id": "http://www.theglobeandmail.com/news/british-columbia/bc-minister-pat-pimm-diagnosed-with-colon-cancer/article16356867/?cmpid=rss1", "text": "British Columbia Agriculture Minister Pat Pimm has been diagnosed with colon cancer and is scheduled to undergo surgery on January 21.", "summaries": ["Agriculture Minister Pat Pimm has been diagnosed with colon cancer."]} +{"id": "http://www.hindustantimes.com/India-news/Mumbai/The-spot-was-frequented-by-five-accused/Article1-1112506.aspx", "text": "Two days after the barbaric gang-rape on 22-year-old photojournalist at Mahalaxmi's Shakti Mill compound, in the heart of Mumbai, locals said that the spot was frequented by the five accused.", "summaries": ["The spot was frequented by the five accused."]} +{"id": "http://www.business-standard.com/article/pti-stories/peter-jackson-to-take-break-from-hollywood-blockbusters-113102500110_1.html", "text": "Director Peter Jackson wants to take a break from making Hollywood blockbusters once he is done with 'The Hobbit' trilogy.", "summaries": ["Peter Jackson wants to take a break from making Hollywood blockbusters."]} +{"id": "http://blogs.seattletimes.com/today/2014/01/mary-kay-letourneau-arrested-on-warrant-this-morning/", "text": "Mary K. Letourneau was booked into the King County Jail on a misdemeanor arrest warrant Monday morning.", "summaries": ["Mary K. Letourneau was booked on a arrest warrant Monday morning."]} +{"id": "http://www.yorkshirepost.co.uk/business/business-news/payday-loans-have-become-one-of-the-default-options-1-6556372", "text": "PAYDAY loans have become one of the ``default options'' for struggling consumers, according to a leading figure at R3, the insolvency trade body.", "summaries": ["PAYDAY loans have become one of the default options."]} +{"id": "http://www.newstrackindia.com/newsdetails/2014/03/21/229--Nandan-Nilekani-files-nomination-from-Bangalore-South-.html", "text": "Bangalore, March 21 Multi-billionaire Infosys co-founder and Congress candidate Nandan Nilekani Friday filed his nomination to contest from the Bangalore South constituency in the Lok Sabha polls.", "summaries": ["Bangalore, co-founder Nandan Nilekani Friday filed his nomination."]} +{"id": "http://www.signalscv.com/section/36/article/115102/", "text": "California state Sen. Ron Calderon has surrendered to federal authorities to face multiple corruption counts involving bribes, kickbacks and fraud.", "summaries": ["Ron Calderon has surrendered to federal authorities."]} +{"id": "http://www.rte.ie/ten/news/2013/1105/484737-diana-biopic-flops-at-us-box-office/", "text": "The Naomi Watts-starring Princess Diana biopic has flopped at the US box office with miserable returns on its first weekend on release.", "summaries": ["The Diana biopic has flopped at the US box office."]} +{"id": "http://www.chicagotribune.com/business/chi-nsc-apple-takes-over-70-spot-from-tyco-international-20131008,0,321433.story", "text": "In a study of analyst recommendations at the major brokerages, for the underlying components of the S&P 500, Apple Inc has taken over the #70 spot from Tyco International Ltd., according to ETF Channel.", "summaries": ["Apple Inc has taken over the # 70 spot from Tyco International Ltd."]} +{"id": "http://www.turnto23.com/news/local-news/car-rolls-over-cliff-near-hart-park-in-bakersfield-sunday", "text": "A car carrying three people rolled over a cliff near Hart Park in Bakersfield, Sunday evening.", "summaries": ["A car rolled over a cliff near Hart Park in Bakersfield, Sunday evening."]} +{"id": "http://www.fosters.com/apps/pbcs.dll/article?AID=/20140109/GJNEWS03/140109359/-1/SanNews1402", "text": "The City of Sanford is seeking to fill the following vacancies on various local boards and committees.", "summaries": ["The City is seeking to fill the vacancies on boards and committees."]} +{"id": "http://www.shelbycountyreporter.com/2013/12/03/woman-arrested-for-chemical-endangerment-of-a-child/", "text": "A Wilton woman was arrested and charged with chemical endangerment of a child on Nov. 28.", "summaries": ["A woman was arrested and charged with chemical endangerment of a child."]} +{"id": "http://www.motoroids.com/news/volkswagen-polo-facelift-spotted-china/", "text": "An undisguised Polo facelift was recently spotted in China and as these spy pics reveal, the car will sport some minor visual changes when compared to the current model.", "summaries": ["An Polo facelift was spotted in China."]} +{"id": "http://economictimes.indiatimes.com/news/international/world-news/vladimir-putin-tells-angela-merkel-ukraine-needs-constitutional-reform-kremlin/articleshow/33030800.cms", "text": "Russian President Vladimir Putin told German Chancellor Angela Merkel in phone talks on Monday that Ukraine needs constitutional reform and also said that Moldova's breakaway Transdniestr region requires measures to end a de facto blockade.", "summaries": ["Vladimir Putin told Angela Merkel Ukraine needs constitutional reform."]} +{"id": "http://www1.skysports.com/horse-racing/news/12426/9008435/", "text": "John Velazquez is recovering in hospital after undergoing surgery on his spleen following his fall in the Breeders' Cup at Santa Anita on Saturday.", "summaries": ["John Velazquez is recovering after undergoing surgery."]} +{"id": "http://www.ecns.cn/business/2014/02-08/99841.shtml", "text": "Suntech, formerly the world's largest solar manufacturer, filed for bankruptcy protection in a US court as its leaders negotiate with holders of more than $500 million in US convertible bonds, Dow Jones reported.", "summaries": ["Suntech filed for bankruptcy protection in a US court."]} +{"id": "http://www.wiltshiretimes.co.uk/news/latestheadlines/10815842.Little_Chef_celebrates_55_years_of_roadside_dining/?ref=rss", "text": "Warminster's Little Chef will celebrate 55 years of roadside dining in December by inviting local organisations and charities to make a pitch to be included in a celebratory indoor street festival.", "summaries": ["Warminster's Little Chef will celebrate 55 years of roadside dining."]} +{"id": "http://www.enquirerherald.com/2013/09/07/2673737/sea-turtle-nesting-up-in-ga-for.html", "text": "Loggerhead sea turtles nested on Georgia beaches at a record-setting pace in 2013, marking a fourth straight year conservationists have reported a nesting increase along the state's 100-mile coast.", "summaries": ["Sea turtles nested on Georgia beaches."]} +{"id": "http://online.wsj.com/article/PR-CO-20140214-912351.html", "text": "VORNADO REALTY TRUST announced today that it has entered into an agreement to sell Broadway Mall in Hicksville, Long Island, New York for $94 million.", "summaries": ["VORNADO REALTY TRUST has entered into an agreement to sell Broadway Mall in Hicksville New York."]} +{"id": "http://www.entertainmentwise.com/news/139510/Kanye-West-Takes-Himself-Too-Seriously", "text": "We all know that Kanye West is very passionate when it comes to his career but according to Midnight Beast, the rapper takes himself ``too seriously''.", "summaries": ["Kanye West is but, the rapper takes himself too seriously."]} +{"id": "http://www.english.rfi.fr/france/20131009-two-more-french-journalists-held-hostage-syria", "text": "France said Wednesday that two more French journalists are being held hostage in Syria, bringing to at least four the number of French journalists held there.", "summaries": ["Two more French journalists are being held hostage in Syria."]} +{"id": "http://www.waaytv.com/news/local/scottsboro-boys-receive-pardons/article_856b86dc-5314-11e3-b8d7-001a4bcf6878.html", "text": "The nine Scottsboro Boys officially receiving pardons Thursday morning.", "summaries": ["The nine Scottsboro Boys receiving pardons."]} +{"id": "http://www.turkishweekly.net/news/154736/egyptian-court-orders-release-of-mubarak.html", "text": "An Egyptian court on Wednesday ordered the release of former president Hosni Mubarak, toppled in Egypt's 2011 popular uprising.", "summaries": ["An Egyptian court ordered the release of Hosni Mubarak."]} +{"id": "http://www.sport24.co.za/Soccer/BafanaBafana/Igesund-to-select-strong-squad-20130802", "text": "Bafana Bafana coach Gordon Igesund said he will select his strongest available squad for the forthcoming home fixtures against African champions Nigeria and Burkina Faso later this month.", "summaries": ["Gordon Igesund will select his strongest squad."]} +{"id": "http://www.gaslampball.com/2013/12/18/5224272/padres-upgrade-bullpen-with-joaquin-benoit", "text": "When I say that the Padres upgraded their bullpen with Joaquin Benoit, I don't mean that they did so with just that signing.", "summaries": ["The Padres upgraded their bullpen with Joaquin Benoit."]} +{"id": "http://www.clevescene.com/scene-and-heard/archives/2013/11/28/cavs-are-shopping-dion-waiters", "text": "In case you missed the news yesterday, via ESPN, the Cavs are shopping shooting guard Dion Waiters.", "summaries": ["The Cavs are shopping shooting Dion Waiters."]} +{"id": "http://www.newstrackindia.com/newsdetails/2014/04/07/173--Japan-India-to-hold-talks-on-export-of-US2-rescue-plane-.html", "text": "Tokyo, April 7 Japan and India will hold working-level talks here Wednesday on Japan's export of US2 rescue plane to India, Japan's defence ministry said Monday.", "summaries": ["Japan and India will hold talks on Japan's export of US2 rescue plane."]} +{"id": "http://www.moneycontrol.com/news/politics/rahul-gandhi-does-not-look-ready-to-be-pm-shekhar-gupta_1026372.html", "text": "Rahul Gandhi does not look ready to be PM, over the last 10 years his focus was to rebuild and restructure the party and bring about internal changes.", "summaries": ["Rahul Gandhi does not look ready to be PM."]} +{"id": "http://www.canindia.com/2014/03/ashton-kutcher-chooses-angelina-jolie-over-mila-kunis/", "text": "Ashton Kutcher recently chose Angelina Jolie over Mila Kunis during a Bang, Marry, Kill game in an episode of the television series Two and a Half Men.", "summaries": ["Ashton Kutcher chose Angelina Jolie over Mila Kunis."]} +{"id": "http://www.midlothianadvertiser.co.uk/news/local-news/sperm-bank-makes-appeal-to-midlothian-men-1-3240665", "text": "A recently re-opened sperm bank is making an urgent appeal for Midlothian men to donate to offer a lifeline to couples desperate to become parents.", "summaries": ["A sperm bank is making an appeal for Midlothian men."]} +{"id": "http://www.sportsmole.co.uk/football/real-madrid/news/isco-or-illarra-to-replace-di-maria_146229.html", "text": "Either Isco or Asier Illarramendi will replace the suspended Angel di Maria in Real Madrid's XI for Wednesday's trip to Sevilla.", "summaries": ["Either Isco or Asier Illarramendi will replace the Angel di Maria."]} +{"id": "http://www.fiercemobileit.com/story/mobility-changing-way-enterprises-deploy-use-unified-communications/2013-09-29", "text": "Mobility is changing the way enterprises are buying, deploying and using unified communications, according to research firm Canalys.", "summaries": ["Mobility is changing the way enterprises are buying, deploying and using unified communications."]} +{"id": "http://www.pakistantoday.com.pk/2014/04/18/national/girl-pronounced-dead-comes-back-to-life/", "text": "An ailing girl pronounced dead by doctors suddenly came back to life, surprising everyone on Friday.", "summaries": ["An girl pronounced dead came back to life."]} +{"id": "http://www1.skysports.com/horse-racing/news/12040/9291856/quevega-may-be-retired-after-being-beaten-at-the-punchestown-festival", "text": "Quevega is to retire from racing and begin a career as a broodmare after being beaten by shock winner Jetson in the Ladbrokes World Series Hurdle at Punchestown.", "summaries": ["Quevega is to retire and begin after being beaten at Punchestown."]} +{"id": "http://www.agoracosmopolitan.com/news/health/2013/09/20/6785.html", "text": "Red wine and blueberries could protect the body against illness by boosting the immune system, according to a new study.", "summaries": ["Red wine and blueberries could protect by boosting the immune system."]} +{"id": "https://guardian.co.tt/news/2014-03-14/vybz-kartel-found-guilty-murder", "text": "Popular Jamaican and international dancehall DJ Vybz Kartel and three co-accused were found guilty of murder in the Home Circuit court yesterday.", "summaries": ["Vybz Kartel and three were found guilty of murder."]} +{"id": "http://nyyfans.com/uncategorized/derek-jeter-will-retire-after-2014-season/", "text": "Jeter said that he will retire after the 2014 season, according to a post on Facebook.", "summaries": ["Jeter will retire after the 2014 season."]} +{"id": "http://zeenews.india.com/news/south-asia/imran-khan-to-respond-to-contempt-notice_866091.html", "text": "Imran Khan will personally appear in Pakistan's Supreme Court on Friday to respond to a contempt of court notice issued over his comments about the judiciary's role in the May 11 General Election.", "summaries": ["Imran Khan will appear to respond to a contempt of notice."]} +{"id": "http://dawn.com/news/1029600/constable-commits-suicide", "text": "A police constable committed suicide on Tuesday by shooting himself in the head following a family dispute.", "summaries": ["A constable committed suicide."]} +{"id": "http://www.gaystarnews.com/article/would-lyndon-johnson-have-been-favor-gay-marriage-his-daughters-think-yes090414", "text": "Lyndon Johnson was a champion of civil rights during his presidency in the 1960s but would have he have favored gay marriage if he were president today?", "summaries": ["Lyndon Johnson have favored gay marriage if he were."]} +{"id": "http://www.bizjournals.com/phoenix/news/2014/03/26/nation-s-four-biggest-institutional-landlords-form.html?page=all", "text": "Thus, four of the nation's biggest institutional landlords -- among them Scottsdale-based Colony American Homes -- have teamed up to form a nonpartisan trade group that will advocate and educate the public, lawmakers and business leaders on their growing industry, according to a statement today.", "summaries": ["Four of the nation's biggest institutional landlords have teamed up to form a trade group."]} +{"id": "http://www.gazzettadelsud.it/news/english/84560/Armed-gang-robs-security-van-in-Sardinia.html", "text": "Cagliari, March 21 - An armed gang robbed a security van on a State highway in Sardinia Friday.", "summaries": ["Cagliari, An armed gang robbed a security van in Sardinia."]} +{"id": "http://www.itv.com/news/update/2014-04-09/oscar-pistorius-admits-error-in-original-bail-statement/", "text": "Oscar Pistorius has admitted an error was made in his original bail statement that said he had gone onto his balcony to collect a fan on the night Reeva Steenkamp was killed.", "summaries": ["Oscar Pistorius has admitted an error was made in his original bail statement."]} +{"id": "http://www.ummid.com/news/2013/September/27.09.2013/sc-on-negative-vote.html", "text": "In a significant verdict, the Supreme Court Friday said that for a vibrant democracy the voter has the right to negative voting by rejecting all the candidates in fray by exercising the option of None of the Above in EVMs and ballot papers.", "summaries": ["The voter has the right to negative voting."]} +{"id": "http://www.newschannel10.com/story/24106783/plane-carrying-cadets-makes-safe-emergency-landing", "text": "A plane carrying several cadets and officers from the United States Air Force Academy in Colorado Springs made a safe emergency landing in the northern New Mexico city of Las Vegas due to ice build-up on the aircraft.", "summaries": ["A plane carrying cadets made a safe emergency landing."]} +{"id": "http://www.nbcdfw.com/news/politics/Davis-to-Announce-Bid-for-Texas-Governor-226192641.html", "text": "When Wendy Davis walks into the coliseum where she received her high school diploma on Thursday to announce a bid to become Texas governor, she will also walk onto a national stage from which she'll call on Democrats from across the country to help finance her long-shot bid.", "summaries": ["Wendy Davis received to announce a bid to become Texas governor."]} +{"id": "http://primetime.unrealitytv.co.uk/glee-banned-uk-genuine-money-money-money/", "text": "Earlier today, we reported that Glee could be BANNED from the UK after a comedy club franchise 'The Glee Club' won a high court order against the hit US show, Glee.", "summaries": ["Glee could be BANNED from the UK."]} +{"id": "http://english.cntv.cn/program/newshour/20140323/102156.shtml", "text": "The Internet Society of China says there were 3.51 million websites were registered in China, by the end of 2013.", "summaries": ["There were 3.51 million websites were registered in China, by the end of 2013."]} +{"id": "http://www.thehindu.com/news/national/food-law-to-ensure-equitable-distribution/article5211430.ece", "text": "Union Food Minister KV Thomas on Monday told the FAO Committee on World Food Security that India's new food law would ensure equitable distribution of food grains to all sections.", "summaries": ["India's food law would ensure equitable distribution."]} +{"id": "http://www.newpittsburghcourieronline.com/index.php/featured-news/metro/19253-therapist-charged-with-beating-adopted-son", "text": "A family therapist who works to keep young men out of the child welfare system has been jailed on charges he badly beat his adopted 11-year-old son for not doing his homework.", "summaries": ["A therapist has been jailed on charges he beat his adopted son."]} +{"id": "http://sportsglory.com/nfl/adam-gase-explains-viral-photo-peyton-manning/11456", "text": "Denver Broncos offensive coordinator Adam Gase recently explained the viral photo of Peyton Manning wearing his helmet in the cold tub.", "summaries": ["Adam Gase explained the viral photo of Peyton Manning."]} +{"id": "http://globenewswire.com/news-release/2013/11/07/587720/0/en/Aktia-renews-its-core-banking-system.html", "text": "Aktia Bank is renewing its core banking system, with a completion date in 2015.", "summaries": ["Aktia Bank is renewing its core banking system."]} +{"id": "http://krqe.com/2014/04/29/dozens-of-city-employees-get-furlough-notices/", "text": "The Mayor says the city's fiscal house is in order but dozens of city employees recently got notice that they'd be furloughed.", "summaries": ["The city's house is but dozens of employees got notice."]} +{"id": "http://washingtontechnology.com/articles/2013/10/18/agg-dod-late-payments.aspx", "text": "The Defense Department has confirmed that contractors will receive late payments as a result of the government shutdown, according to FedBiz.", "summaries": ["The Defense Department has confirmed contractors will receive late payments."]} +{"id": "http://www.glamour.com/entertainment/blogs/obsessed/2013/12/kate-winslet-welcomes-a-baby-b", "text": "Kate Winslet, aka Mrs. Ned Rocknroll, welcomed her third child, a little baby boy, on Saturday Dec. 7, People confirms.", "summaries": ["Kate Winslet welcomed her child, a baby boy."]} +{"id": "http://www.risingkashmir.com/licenses-of-41-medical-shops-suspended/", "text": "Licenses of 41 medical shops have been suspended for violation of various provisions of D&C Act 1940 while show cause notices were issued to 6 such shopkeepers.", "summaries": ["Licenses of 41 medical shops have been suspended."]} +{"id": "http://www.berkshireeagle.com/ci_24281493/officials-project-healthy-cranberry-crop", "text": "State officials are projecting a healthy cranberry crop of 2.1 million barrels for the current season.", "summaries": ["Officials are projecting a healthy cranberry crop."]} +{"id": "http://www.saharasamay.com/regional-news/rajasthan-news/676550091/10-drown-as-boat-capsizes-in-bisalpur-dam.html", "text": "Ten persons, including nine women, on Friday drowned when the boat in which they were travelling capsized in Bisalpur Dam in Tonk district, police said.", "summaries": ["Ten persons drowned the boat capsized in Bisalpur Dam."]} +{"id": "http://rochester.ynn.com/content/news/684537/president-obama-to-stop-in-rochester-/", "text": "There is no official word from the White House that President Obama will actually stop in Rochester, but with scheduled appearances in Buffalo and Syracuse he will have to pass through or nearby.", "summaries": ["President Obama will stop in Rochester."]} +{"id": "http://www.wwltv.com/news/national-politics/Gov-Perry-signs-sweeping-Texas-abortion-restrictions-216007101.html", "text": "Texas Gov. Rick Perry signed sweeping new abortion restrictions on Thursday that could shutter most of the state's clinics that provide the procedure, a final step for the Republican-backed measure that has caused weeks of sometimes raucous protests at the Capitol.", "summaries": ["Texas Gov. Rick Perry signed sweeping abortion restrictions."]} +{"id": "http://www.thenewstribe.com/2014/01/09/samsung-galaxy-s3-receiving-android-4-3-update-in-india/", "text": "The Galaxy S III is finally receiving the Android 4.3 update in India, more than a month after the update started rolling out in the US and a few other regions.", "summaries": ["The Galaxy S III is receiving the Android 4.3 update in India."]} +{"id": "http://www.youtube.com/watch?v=ddkksUuFK4U", "text": "``How Was Your Weekend?'' interviews with Dean Wilson, Justin Brayton, and Wil Hahn following the twelfth round of the 2014 Monster Energy Series in Toronto, Canada.", "summaries": ["How Was Your Weekend."]} +{"id": "http://www.contactmusic.com/story/kym-valentine-returning-to-neighbours-after-settling-lawsuit_4104747", "text": "Australian actress Kym Valentine is returning to her role on long-running soap opera Neighbours, just months after settling a discrimination lawsuit with Tv bosses behind the show.", "summaries": ["Actress Kym Valentine is returning on Neighbours, after settling a lawsuit."]} +{"id": "http://money.cnn.com/2013/10/21/technology/yahoo-david-pogue/", "text": "Yahoo has poached famed New York Times tech columnist David Pogue to head up its consumer-tech coverage.", "summaries": ["Yahoo has poached tech columnist David Pogue."]} +{"id": "http://www.globalpost.com/dispatch/news/afp/140429/azerbaijan-briefly-detains-prominent-rights-activist", "text": "Azerbaijan on Tuesday briefly detained a prominent rights activist and her husband, the couple's lawyer said on Tuesday, in the latest crackdown on dissent in the tightly controlled nation.", "summaries": ["Azerbaijan briefly detained a prominent rights activist."]} +{"id": "http://www.huffingtonpost.com/2014/04/25/michael-grimm-indicted_n_5215385.html?utm_hp_ref=new-york&ir=New+York", "text": "Rep. Michael Grimm is expected to be indicted by the US attorney for the Eastern District of New York, Grimm's lawyer said Friday.", "summaries": ["Michael Grimm is expected to be indicted, Grimm's lawyer said."]} +{"id": "http://www.montrealgazette.com/business/wins+million+military+contracts/9016097/story.html", "text": "Montreal-based international flight training specialist CAE Inc. said Wednesday it has won $140 million in new military contracts, including options.", "summaries": ["CAE Inc. has won $ 140 million in military contracts."]} +{"id": "http://www.independent.ie/world-news/mother-placed-gumtree-advert-selling-baby-as-a-silly-joke-29872294.html", "text": "A young woman who apparently tried to sell her baby on the classifieds website Gumtree has had her children taken away by social services.", "summaries": ["A young woman has had her children taken away by social services."]} +{"id": "http://www.tgdaily.com/general-sciences-features/91066-scientists-discover-potential-way-to-make-graphene-superconducting", "text": "Scientists at the Department of Energy's SLAC National Accelerator Laboratory and Stanford University have discovered a potential way to make graphene -- a single layer of carbon atoms with great promise for future electronics -- superconducting, a state in which it would carry electricity with 100 percent efficiency.", "summaries": ["Scientists have discovered a potential way to make graphene - a layer with promise - superconducting."]} +{"id": "http://www.thisisthewestcountry.co.uk/news/cornwall_news/10559534.18_000_children_living_below_the_poverty_line_in_Cornwall/", "text": "A national child poverty charity says that over 18,000 children are living below the poverty line in Cornwall, costing an estimated \u00a3196 million a year.", "summaries": ["Over 18,000 children are living below the poverty line in Cornwall."]} +{"id": "http://www.ibna.ir/vdcirvaz5t1a3w2.ilct.html", "text": "The major Iranian book event, the 27th Tehran International Book Fair which was attended by President Hassan Rouhani, Minister of Culture Ali Jannati, other officials and several Iranian literarti kicked off today.", "summaries": ["The event, the 27th Tehran International Book Fair officials kicked off."]} +{"id": "http://www.wgem.com/story/24464435/2014/01/15/quincy-residents-get-robocalls-about-garbage-privatization", "text": "Many Quincy residents are getting robocalls encouraging them to support garbage privatization.", "summaries": ["Quincy residents are getting robocalls encouraging to support garbage privatization."]} +{"id": "http://www.express.co.uk/news/showbiz/427064/Naomi-Watts-walks-out-of-radio-interview", "text": "Actress NAOMI WATTS walked out of a radio interview as she was promoting her new movie DIANA.", "summaries": ["NAOMI WATTS walked out of a radio interview."]} +{"id": "http://www.focus-fen.net/news/2014/04/23/333940/we-must-carry-out-detailed-inspections-nhif-head.html", "text": "``Our inspection found many violations and the conclusion is that we must carry out more detailed inspections,'' head of the National Health Insurance Fund Rumyana Todorova told journalists, commenting on the results from the planned checks for the quarter, a reporter of FOCUS News Agency announced.", "summaries": ["We must carry out detailed inspections."]} +{"id": "http://minnesota.cbslocal.com/2014/04/11/nice-ride-bikes-to-make-spring-debut/", "text": "Nice Ride bikes will make their spring debut on city streets Saturday, and riders can now keep them for twice as long.", "summaries": ["Nice Ride bikes will make their spring debut."]} +{"id": "http://thehill.com/blogs/on-the-money/economy/311957-applications-for-jobless-benefits-drop-24000", "text": "Applications for jobless benefits dropped 24,000 last week to a seasonally adjusted 334,000, another positive sign of the job market's steady recovery.", "summaries": ["Applications for jobless benefits dropped 24,000."]} +{"id": "http://timesofindia.indiatimes.com/india/UP-sports-minister-offers-Sachin-Tendulkar-to-join-SP/articleshow/25935872.cms", "text": "Uttar Pradesh sports minister on Sunday offered cricketing legend Sachin Tendulkar to join Samajwadi Party.", "summaries": ["Uttar Pradesh sports minister offered Sachin Tendulkar to join Samajwadi Party."]} +{"id": "http://www.waterworld.com/articles/2003/07/unesco-calls-for-radical-reform-of-water-education-programmes.html", "text": "In the face of looming water shortages, which threaten to affect billions of the earth's inhabitants by mid-century, UNESCO is calling for a radical review and reform of water education programmes and for a speedy doubling in the number of water professionals around the world.", "summaries": ["UNESCO is calling for a radical review and reform of water education programmes."]} +{"id": "http://news.smh.com.au/breaking-news-business/stocks-to-watch-at-the-close-on-wednesday-20130821-2s9xj.html", "text": "Stocks to watch on the Australian stock exchange at the close on Wednesday:", "summaries": ["Stocks to watch at the close on Wednesday."]} +{"id": "http://www.rochesterhomepage.net/story/trendy-park-avenue-festival-kicks-off/d/story/FeBt-3aDKUaMI9vlp1ElcQ", "text": "Rochester's trendy Park Avenue festival kicked off Saturday and it's one of the biggest festivals in Western New York.", "summaries": ["Rochester's trendy Park Avenue festival kicked off."]} +{"id": "http://www.nationalturk.com/en/syrian-people-should-decide-their-future-set-up-pakistan-49603", "text": "Not following its key ally Saudi Arabia's on Syria, Pakistan Thursday asserted that Syrian people should decide their future set up.", "summaries": ["Syrian people should decide their future set up."]} +{"id": "http://commercialbanking.banking-business-review.com/news/cambridge-counties-bank-launches-two-new-business-savings-products-191113", "text": "Cambridge & Counties Bank, the UK's fastest growing challenger bank, has launched two new market leading small and medium sized business and charity/club savings products.", "summaries": ["Cambridge & Counties Bank has launched two new market leading business and savings products."]} +{"id": "http://www.itv.com/sport/football/article/2013-12-01/paul-scholes-believes-ryan-giggs-could-continue-playing-at-the-top-level-for-another-three-years/", "text": "Paul Scholes believes his former Manchester United team-mate Ryan Giggs could continue playing at the top level for possibly another three years.", "summaries": ["Paul Scholes believes his team-mate Ryan Giggs could continue playing at the top level for another three years."]} +{"id": "http://allafrica.com/stories/201401241551.html", "text": "The Egyptian embassy in Zambia has secured the release of 23 Egyptian nationals held in Zambian prisons for illegal migration and trade.", "summaries": ["The Egyptian embassy in Zambia has secured the release of 23 Egyptian nationals."]} diff --git a/SCRL_new/data/test-data/newsroom.jsonl b/SCRL_new/data/test-data/newsroom.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..fa5633924bb2d96167a39193da9579385a5c8437 --- /dev/null +++ b/SCRL_new/data/test-data/newsroom.jsonl @@ -0,0 +1,280 @@ +{"id": "newsroom-val-title-0", "summaries": ["Real Madrid sign Javier Hern\u00e1ndez on loan from Manchester United"], "text": "Real Madrid have confirmed they have agreed to sign the Mexican striker Javier Hern\u00e1ndez on a season-long loan from Manchester United."} +{"id": "newsroom-val-title-1", "summaries": ["American Pie singer Don Mclean arrested on domestic violence charge"], "text": "American Pie singer Don McLean was arrested on a misdemeanor domestic violence charge Monday in Maine, a jail supervisor said."} +{"id": "newsroom-val-title-2", "summaries": ["Candidate for governor of Mexican state of Tamaulipas killed in shootout"], "text": "A candidate for governor of the northern Mexican state of Tamaulipas, which borders Texas, and three others have been killed in a shootout, the Notimex news agency reports."} +{"id": "newsroom-val-title-3", "summaries": ["Bill Parcells rejoining ESPN for third time"], "text": "Bill Parcells, the two-time Super Bowl-winning coach, is rejoining ESPN for the third time."} +{"id": "newsroom-val-title-4", "summaries": ["IBM Watson Health now counts CVS Health as a partner"], "text": "IBM\u2019s data crunching service for the healthcare industry, Watson Health, now counts CVS Health as a partner."} +{"id": "newsroom-val-title-5", "summaries": ["Chick-fil-A Has Completely Lost Control Of Its Facebook Page"], "text": "Chick-fil-A has completely lost control of its Facebook page; it\u2019s become a message board for activism against the company."} +{"id": "newsroom-val-title-6", "summaries": ["Safe found in debris of mansion once owned by Pablo Escobar"], "text": "A locked safe has been found in the debris of a Miami Beach mansion once owned by Colombian drug lord Pablo Escobar."} +{"id": "newsroom-val-title-7", "summaries": ["Man knocked unconscious in alleged one-punch attack at Gold Coast bar"], "text": "Newly obtained CCTV shows the moment a man was knocked unconscious in an alleged one-punch attack at a Gold Coast bar in April."} +{"id": "newsroom-val-title-8", "summaries": ["Truck engulfed by torrential flood waters in China"], "text": "A truck has been engulfed by torrential flood waters and swept away while crossing a road in China."} +{"id": "newsroom-val-title-9", "summaries": ["Justin Bieber Cleared in Possible Hit-and-Run"], "text": "Justin Bieber has been cleared in a possible hit-and-run accident involving a paparazzo Monday night."} +{"id": "newsroom-val-title-10", "summaries": ["Pancho Gonzalez Inducted Into U.S. Open Court Of Champions"], "text": "Pancho Gonzalez was inducted Saturday into the U.S. Open Court of Champions."} +{"id": "newsroom-val-title-11", "summaries": ["Antarctica is Losing About 160 Billion Metric Tons of Ice a Year"], "text": "A new study shows that the Antarctica is now losing about 160 billion metric tons of ice a year, twice as much as when the continent was last surveyed."} +{"id": "newsroom-val-title-12", "summaries": ["17-year-old boy fatally stabbed during argument in the Bronx"], "text": "A 17-year-old boy boy was fatally stabbed during an argument in the Bronx early Monday, police said."} +{"id": "newsroom-val-title-13", "summaries": ["Singapore Former Prime Minister Lee Kuan Yew Has Weakened Further"], "text": "The Singapore government said Sunday that former Prime Minister Lee Kuan Yew has weakened further, a day after it said that his condition had worsened."} +{"id": "newsroom-val-title-14", "summaries": ["Wholesale businesses restocked faster in April"], "text": "Wholesale businesses restocked faster in April, responding to a strong gain in sales."} +{"id": "newsroom-val-title-15", "summaries": ["Grateful Dead bassist Phil Lesh battling bladder cancer"], "text": "Grateful Dead bassist Phil Lesh is battling bladder cancer, he revealed in a Facebook post canceling two upcoming shows."} +{"id": "newsroom-val-title-16", "summaries": ["Eamonn Holmes has quit Sky News after more than a decade on-air"], "text": "TV host and journalist has walked away from his dream job after 11 years EAMONN Holmes has quit his \u201cdream job\u201d at Sky News after more than a decade on-air."} +{"id": "newsroom-val-title-17", "summaries": ["Big Republican Donors Are Splitting Into Two Camps"], "text": "Big Republican donors are splitting into two rival camps, reports filed yesterday with the Federal Election Commission show."} +{"id": "newsroom-val-title-18", "summaries": ["Abortion protesters arrested outside John Boehner's office"], "text": "Six anti-abortion protesters were arrested today outside of House Speaker John Boehner's office in Washington."} +{"id": "newsroom-val-title-19", "summaries": ["Michigan is the first Midwestern state to partner with Google Trekker"], "text": "Michigan is the first Midwestern state to partner with Google for its Trekker program, going off the beaten path to bring amazing views to Street View."} +{"id": "newsroom-val-title-20", "summaries": ["80-Year-Old Woman Reportedly Arrested For Selling Crack Cocaine"], "text": "An 80-year-old Alabama woman has reportedly been arrested for selling crack cocaine for a second time, authorities said."} +{"id": "newsroom-val-title-21", "summaries": ["Amanda Bynes bong-throwing case tossed"], "text": "Amanda Bynes' bong-throwing case was officially tossed Monday morning."} +{"id": "newsroom-val-title-22", "summaries": ["Rundown Chinatown may be revitalized by a destination restaurant"], "text": "Rundown Chinatown may be revitalized by a destination restaurant Grant Avenue used to be one of the city\u2019s showpieces, the main street of Chinatown."} +{"id": "newsroom-val-title-23", "summaries": ["Florida Woman Found Dead in Motel With Two Caged Monkeys"], "text": "A Florida woman was found dead on Friday in a motel room with two caged monkeys and a note, authorities said."} +{"id": "newsroom-val-title-24", "summaries": ["Body of missing California woman reportedly discovered in forest"], "text": "The body of a missing California woman was reportedly identified Tuesday after being discovered in a remote part of the Cleveland National Forest."} +{"id": "newsroom-val-title-25", "summaries": ["Australia's inflation rose 0.4 percent in June quarter"], "text": "Australia's inflation rate rose 0.4 percent in the June quarter of this year, according to the Australian Bureau of Statistics."} +{"id": "newsroom-val-title-26", "summaries": ["Man shot and killed in Southwest Washington"], "text": "A man was shot and killed Saturday night in Southwest Washington, police said Sunday."} +{"id": "newsroom-val-title-27", "summaries": ["US border patrol violated agency rules in deporting thousands of children"], "text": "US border patrol agents violated agency rules in deporting thousands of unaccompanied immigrant children from 2009 to 2014, according to a federal audit released this week."} +{"id": "newsroom-val-title-28", "summaries": ["China debt swap could leave banks in capital hole"], "text": "China\u2019s mooted debt-for-equity swap could leave the country\u2019s banks in a capital hole."} +{"id": "newsroom-val-title-29", "summaries": ["Key and Peele Will Produce Undercover Cop Comedy for Fox"], "text": "According to The Wrap, Keegan-Michael Key and Jordan Peele will co-produce an undercover cop comedy for Fox."} +{"id": "newsroom-val-title-30", "summaries": ["Couple Beaten to Death in Bizarre Stop-Smoking Ritual"], "text": "A couple from Malaysia was beaten to death Thursday in a bizarre stop-smoking ritual, Agence France-Presse reported."} +{"id": "newsroom-val-title-31", "summaries": ["Kansas City Police To Re-Interview Brothers Of Missing Baby Lisa Irwin"], "text": "Kansas City police are planning to re-interview the brothers of missing baby Lisa Irwin and take a DNA sample from them, the family's lawyer said."} +{"id": "newsroom-val-title-32", "summaries": ["Geithner says economy gradually getting better and that's encouraging"], "text": "Treasury Secretary Tim Geithner says the economy is \"gradually getting better\" and \"that's very encouraging.\""} +{"id": "newsroom-val-title-33", "summaries": ["Vice News reporter arrested at Trump event in Houston"], "text": "A Vice News reporter was arrested for trespassing at a Donald Trump campaign event in Houston, Vice reported on Saturday."} +{"id": "newsroom-val-title-34", "summaries": ["Woman Suffering Asthma Attack Denied Inhaler at Pharmacy"], "text": "A New Jersey woman suffering an asthma attack was denied an inhaler at a pharmacy because she was $1.99 short, MyFoxNY.com reported."} +{"id": "newsroom-val-title-35", "summaries": ["Severe thunderstorm warning for damaging winds and large hail issued for southern parts of WA"], "text": "A severe thunderstorm warning for damaging winds and large hail has been issued for southern parts of WA, including Ravensthorpe, Walpole and Kellerberrin."} +{"id": "newsroom-val-title-36", "summaries": ["Catholic priests in Montreal banned from being alone with children"], "text": "Catholic priests in Montreal will be banned from being alone with children to provide a \u201csafety net\u201d against allegations of abuse."} +{"id": "newsroom-val-title-37", "summaries": ["Naked Man Playing a Violin in Portland Arrested, Police Say"], "text": "A naked man playing a violin outside of a courthouse in Portland was arrested Friday afternoon after numerous complaints and warnings, police say."} +{"id": "newsroom-val-title-38", "summaries": ["Lynne Spears' book about parenting delayed indefinitely"], "text": "Lynne Spears' book about parenting has been delayed indefinitely, her publisher said Wednesday."} +{"id": "newsroom-val-title-39", "summaries": ["New Orleans Man Sentenced for Making Death Threats Against Obama"], "text": "A 47-year-old New Orleans man has been sentenced for making death threats against President Barack Obama."} +{"id": "newsroom-val-title-40", "summaries": ["NFL Publishing Commemorative Super Bowl App"], "text": "The NFL is publishing a commemorative Super Bowl app for tablets."} +{"id": "newsroom-val-title-41", "summaries": ["Eastern cougar declared extinct, confirming decades of suspicion"], "text": "The eastern cougar has been declared extinct by the U.S. Fish and Wildlife Service, confirming decades of suspicion that the elusive subspecies was no more."} +{"id": "newsroom-val-title-42", "summaries": ["Jonah Hill Involved in Car Accident in Los Angeles"], "text": "Jonah Hill was involved in a car accident in downtown Los Angeles that left his ride very banged up."} +{"id": "newsroom-val-title-43", "summaries": ["Ruth Rendell in hospital after serious stroke"], "text": "Ruth Rendell is in hospital after suffering a serious stroke last Wednesday, her publisher has announced."} +{"id": "newsroom-val-title-44", "summaries": ["Father Charged With Murder in Death of 18-Year-Old Daughter"], "text": "A Kansas City father has been charged with murder and sexual abuse in the death of his 18-year-old daughter."} +{"id": "newsroom-val-title-45", "summaries": ["Klay Thompson says he\u2019s the best shooting guard in the NBA"], "text": "Klay Thompson doesn\u2019t lack for confidence\u2013he says he\u2019s the best shooting guard in the NBA."} +{"id": "newsroom-val-title-46", "summaries": ["Julian Castro to make history as first Hispanic to deliver keynote at Democratic convention"], "text": "San Antonio Mayor Julian Castro, a rising star among Democrats, is poised to make history Tuesday as the first Hispanic to deliver a keynote address at the Democratic National Convention."} +{"id": "newsroom-val-title-47", "summaries": ["House destroyed by fire in rural west Ottawa"], "text": "A house has been destroyed by fire in rural west Ottawa this morning, just nine days before Christmas."} +{"id": "newsroom-val-title-48", "summaries": ["Wilson released after two years behind bars for teen sex conviction"], "text": "Genarlow Wilson was released from prison Friday, after spending more than two years behind bars for a teen sex conviction."} +{"id": "newsroom-val-title-49", "summaries": ["Son of Fox studio host killed in car accident"], "text": "The 19-year-old son of NASCAR on Fox studio host Chris Myers has been killed in a car accident."} +{"id": "newsroom-val-title-50", "summaries": ["New jobless numbers a mixed bag for Obama"], "text": "New jobless numbers are a bit of a mixed bag for President Obama and his re-election bid."} +{"id": "newsroom-val-title-51", "summaries": ["Car filled with Christmas presents stolen in Melbourne"], "text": "A car filled with Christmas presents was stolen from a home in Melbourne\u2019s north-east on Christmas Day."} +{"id": "newsroom-val-title-52", "summaries": ["A mariachi band has serenaded Donald Trump"], "text": "A mariachi band has serenaded Donald Trump on the sidewalk outside Trump Tower in New York City."} +{"id": "newsroom-val-title-53", "summaries": ["Lena Dunham Will Undergo Surgery For Ruptured Ovarian Cyst"], "text": "Lena Dunham was taken to the hospital Saturday and will undergo surgery for a ruptured ovarian cyst, her spokeswoman said."} +{"id": "newsroom-val-title-54", "summaries": ["At least 13 dead after tour bus collided with semi-trailer in California"], "text": "At least 13 people are reportedly dead and many more are seriously injured after a tour bus collided with a semi-trailer in California."} +{"id": "newsroom-val-title-55", "summaries": ["Chicago cop praised for buying homeless man Chipotle"], "text": "A Chicago cop is being praised for his good deed after an image of him buying a homeless man Chipotle went viral."} +{"id": "newsroom-val-title-56", "summaries": ["Coffee could be extinct by 2080 because of climate change"], "text": "Coffee could be extinct by 2080 because of the effects of climate change on coffee growing regions."} +{"id": "newsroom-val-title-57", "summaries": ["American Student and Part-Time Model Found Dead at Australian University"], "text": "An American student and part-time model was found dead in her room at an Australian university, a police spokesman said."} +{"id": "newsroom-val-title-58", "summaries": ["Apple Watch Will Be Available In Stores In Two Weeks"], "text": "The Apple Watch will be available in retail stores in two weeks, Apple announced Thursday."} +{"id": "newsroom-val-title-59", "summaries": ["Death of teenager found with cobra bites ruled suicide"], "text": "The death of a teenager found in a North Austin parking lot with multiple cobra bites has been ruled a suicide."} +{"id": "newsroom-val-title-60", "summaries": ["Man charged with murder after body found in home in Sydney's south"], "text": "A man has been charged with murder after a body was found in a home in Sydney's south yesterday."} +{"id": "newsroom-val-title-61", "summaries": ["Glen Campbell is suffering from Alzheimer\u2019s disease"], "text": "Glen Campbell is suffering from Alzheimer\u2019s disease, the singer revealed to People."} +{"id": "newsroom-val-title-62", "summaries": ["Asbestos found in charred remains of beach house on Sydney's Northern Beaches"], "text": "Asbestos has been found in the charred remains of a beach house, gutted by a ferocious fire overnight in Palm Beach on Sydney's Northern Beaches."} +{"id": "newsroom-val-title-63", "summaries": ["Paris Hilton Arrested for Cocaine in Las Vegas"], "text": "Paris Hilton Arrested for Cocaine in Las Vegas was arrested for possession of cocaine Friday night in Las Vegas."} +{"id": "newsroom-val-title-64", "summaries": ["Body pulled from Lake Michigan identified as missing medical student Ambrose Monye"], "text": "A body pulled from Lake Michigan has been identified as missing medical student Ambrose Monye, who disappeared weeks before his graduation, Chicago police confirmed to FoxNews.com Thursday."} +{"id": "newsroom-val-title-65", "summaries": ["Nestle Is Recalling DiGiorno Pizzas, Lean Cuisines, and Stouffer Meals"], "text": "Nestle nestle-s-a announced in a press release that it is voluntarily recalling some DiGiorno pizzas, Lean Cuisines, and Stouffer\u2019s meals that may contain foreign matter."} +{"id": "newsroom-val-title-66", "summaries": ["University of Cincinnati police officer charged with murder of black man"], "text": "University of Cincinnati police officer Ray Tensing has been charged with murder in the shooting death of Samuel DuBose, a 43-year-old black man."} +{"id": "newsroom-val-title-67", "summaries": ["Trea Turner named National League Rookie of the Month"], "text": "After hitting .357 and slugging .571 in 28 August games, Trea Turner was named the National League rookie of the month."} +{"id": "newsroom-val-title-68", "summaries": ["Civil rights leader Walter Fauntroy arrested at Dulles International Airport"], "text": "D.C. civil rights leader Walter Fauntroy was arrested at Dulles International Airport and is being detained at Loudon County jail."} +{"id": "newsroom-val-title-69", "summaries": ["Death of 2-Month-Old in Connecticut Daycare Ruled a Homicide"], "text": "The death of a 2-month-old girl in a Connecticut home-based daycare has been ruled a homicide, PEOPLE confirms."} +{"id": "newsroom-val-title-70", "summaries": ["Prince Rushed to Hospital After Emergency Landing"], "text": "Prince was rushed to a hospital early Friday morning after his jet made an emergency landing in Illinois ..."} +{"id": "newsroom-val-title-71", "summaries": ["Gonorrhea at risk of becoming untreatable"], "text": "England\u2019s chief medical officer says that gonorrhea is at risk of becoming an untreatable disease."} +{"id": "newsroom-val-title-72", "summaries": ["Four injured in chain-reaction crash outside Southern California concert venue"], "text": "Four people were seriously injured after being struck by an unoccupied police vehicle in a chain-reaction crash outside a Southern California concert venue Saturday night."} +{"id": "newsroom-val-title-73", "summaries": ["Pakistani Taliban Commander Killed in Afghanistan"], "text": "Now, Mullah Dadullah has become the most senior Pakistani Taliban commander to be killed by NATO in Afghanistan."} +{"id": "newsroom-val-title-74", "summaries": ["Victorian grandfather found dead in van swept away in floodwaters"], "text": "Tributes are flowing for a Victorian bakery owner and grandfather who was found dead in his van after it was swept away in floodwaters this morning."} +{"id": "newsroom-val-title-75", "summaries": ["Two 12-year-old boys charged over alleged sexual assault of girl"], "text": "Two 12-year-old boys have been charged over the alleged sexual assault of a young girl at a primary school on Sydney\u2019s northern beaches."} +{"id": "newsroom-val-title-76", "summaries": ["News producer found dead in Belize was strangled"], "text": "An autopsy shows that an American news producer found dead while staying in a vacation resort in Belize was strangled."} +{"id": "newsroom-val-title-77", "summaries": ["Man stabbed in central Queensland"], "text": "A man has been stabbed in the back with a knife in central Queensland."} +{"id": "newsroom-val-title-78", "summaries": ["Man charged with murder of asylum seeker Reza Barati granted bail"], "text": "A Papua New Guinean man charged with the murder of asylum seeker Reza Barati has been granted bail in Papua New Guinea."} +{"id": "newsroom-val-title-79", "summaries": ["Children hospitalised after a gastro outbreak at a childcare centre"], "text": "A child has died and four children have been hospitalised after a suspected gastro outbreak at a Sydney childcare centre."} +{"id": "newsroom-val-title-80", "summaries": ["Girls aged two and five raped in separate attacks in Delhi"], "text": "Girls aged two and five have been raped in separate attacks in Delhi, sparking angry protests in the Indian capital over police inaction."} +{"id": "newsroom-val-title-81", "summaries": ["Bikies charged over ecstasy haul"], "text": "Two Nomads bikies have been charged over an interstate ecstasy haul."} +{"id": "newsroom-val-title-82", "summaries": ["S.F. sues family that operates residential hotels"], "text": "San Francisco City Attorney Dennis S.F. sues family that operates residential hotels"} +{"id": "newsroom-val-title-83", "summaries": ["Labor and Greens to use inquiry to investigate royalty regime for oil and gas companies"], "text": "Labor and the Greens plan to use a formal parliamentary inquiry to investigate Australia\u2019s royalty regime for oil and gas companies, following a damning report."} +{"id": "newsroom-val-title-84", "summaries": ["Drunken deputy arrested for threatening to shoot helicopter"], "text": "A drunken Nevada deputy has been arrested for threatening to shoot down a sheriff's helicopter during a tense six-hour standoff."} +{"id": "newsroom-val-title-85", "summaries": ["Berkshire Hathaway to Buy Lubrizol for $9 Billion in Cash"], "text": "Warren Buffett's Berkshire Hathaway Monday agreed to buy U.S. chemical maker Lubrizol Corp. for about $9 billion in cash."} +{"id": "newsroom-val-title-86", "summaries": ["Daytona 500 winner Bayne diagnosed with multiple sclerosis"], "text": "Daytona 500 winner and Roush Fenway Racing driver Trevor Bayne announced Tuesday that he has been diagnosed with multiple sclerosis."} +{"id": "newsroom-val-title-87", "summaries": ["American who defected from ISIS left D.C. area in mid-December"], "text": "CBS News has learned the American who defected from ISIS and surrendered to Kurdish forces had left the D.C. area in mid-December."} +{"id": "newsroom-val-title-88", "summaries": ["Pill camera to screen for colon cancer approved in U.S."], "text": "An ingestible pill camera to help screen for polyps and early signs of colon cancer has been approved for use in the U.S."} +{"id": "newsroom-val-title-89", "summaries": ["Gretchen Carlson Regrets Not Speaking Up About Harassment"], "text": "Former Fox News anchor Gretchen Carlson writes in her memoir that she regrets not speaking up about sexual harassment earlier in her career."} +{"id": "newsroom-val-title-90", "summaries": ["Former Milwaukee Officer Charged With Homicide in Shooting That Sparked Riots"], "text": "A former Milwaukee police officer was charged Thursday with first-degree reckless homicide in the fatal shooting of a young black man that sparked two days of riots in August."} +{"id": "newsroom-val-title-91", "summaries": ["Florida woman fighting to keep motorcycle-riding pet alligator"], "text": "A Florida woman was fighting Wednesday to keep her 6-foot-long clothes-wearing, motorcycle-riding pet alligator in her home."} +{"id": "newsroom-val-title-92", "summaries": ["Pennsylvania state troopers on lookout for Amish buggy in hit and run"], "text": "Pennsylvania state troopers are on the lookout for the driver of an Amish buggy that was involved in a hit and run incident on Sunday."} +{"id": "newsroom-val-title-93", "summaries": ["Kevin Andrews is prepared to challenge Turnbull for prime ministership"], "text": "Dumped former minister Kevin Andrews has announced he is prepared to challenge Malcolm Turnbull for the prime ministership under the right circumstances."} +{"id": "newsroom-val-title-94", "summaries": ["Walmart found to be sourcing bottled water from drought-stricken California"], "text": "Walmart is the latest company found to be sourcing its bottled water from drought-stricken California, as state residents push for greater regulation of the bottling industry."} +{"id": "newsroom-val-title-95", "summaries": ["Ohio high school teacher sentenced to two years after sexual relations with student"], "text": "A former Ohio high school teacher has been sentenced to two years behind bars after found guilty of carrying on sexual relations with a 16-year-old student."} +{"id": "newsroom-val-title-96", "summaries": ["Australia named worst-performing industrial country on climate change"], "text": "Australia has been named the worst-performing industrial country in the world on climate change in a report released at international negotiations in Peru."} +{"id": "newsroom-val-title-97", "summaries": ["St Louis Rams receiver Stedman Bailey critical but stable after being shot"], "text": "St Louis Rams wide receiver Stedman Bailey is in critical but stable condition after being shot in the head on Tuesday night, according to multiple reports in the media."} +{"id": "newsroom-val-title-98", "summaries": ["Man and woman found dead in Tamworth"], "text": "A man and a woman have been found dead in a Tamworth home in northern NSW."} +{"id": "newsroom-val-title-99", "summaries": ["Rosemary Barton named permanent host of CBC's Power & Politics"], "text": "Veteran political reporter Rosemary Barton has been named the permanent host of CBC News Network's daily political show Power & Politics."} +{"id": "newsroom-val-title-100", "summaries": ["Asbestos found on Sydney Harbour Bridge"], "text": "A surprise cache of asbestos has been found on Sydney's iconic Harbour Bridge during road works."} +{"id": "newsroom-val-sent-0", "summaries": ["Donald Trump has emerged victorious in his ugly battle with Miss USA hopeful\u00a0Sheena Monnin"], "text": "In a beauty of a $5 million legal win, Donald Trump has emerged victorious in his ugly battle with Miss USA hopeful Sheena Monnin, who claimed the pageant was \u201cfixed\u201d and \u201ctrashy.\u201d"} +{"id": "newsroom-val-sent-1", "summaries": ["Biologists say Beijing\u2019s island-building campaign means permanent ecocide"], "text": "In fact, biologists say that while the reefs could have slowly recovered from the clam-harvesting degradation, Beijing\u2019s island-building campaign means permanent ecocide."} +{"id": "newsroom-val-sent-2", "summaries": ["Twenty-two people and two gunmen were killed in the March 18 attack."], "text": "Twenty-two people, mainly foreigners, and two gunmen were killed in the March 18 attack on the National Bardo Museum."} +{"id": "newsroom-val-sent-3", "summaries": ["An Ethiopian court convicted former dictator Mengistu Haile Mariam of genocide today."], "text": "An Ethiopian court convicted former dictator Mengistu Haile Mariam of genocide today, but Mr. Mengistu may never face punishment because he remains in exile in Zimbabwe."} +{"id": "newsroom-val-sent-4", "summaries": ["Erykah Badu squashed the industry's obsession with looking younger in one tweet."], "text": "Erykah Badu squashed the entertainment industry's obsession with perfection and looking younger in just one tweet."} +{"id": "newsroom-val-sent-5", "summaries": ["No casualties were reported from Sunday's blast in Douma."], "text": "No casualties were reported from Sunday's blast in Douma, which damaged a parked Toyota pickup."} +{"id": "newsroom-val-sent-6", "summaries": ["Running back Michael Dyer has transferred from Auburn to Arkansas State."], "text": "Arkansas State head football coach Gus Malzahn announced Tuesday on the school's athletic website that running back Michael Dyer has transferred from Auburn to Arkansas State."} +{"id": "newsroom-val-sent-7", "summaries": ["An Egyptian court upheld a death sentence against former President Mohammed Morsi."], "text": "An Egyptian court on Tuesday upheld a death sentence against former President Mohammed Morsi, in a session that underlined the judiciary\u2019s hostility toward the ousted leader and his Islamist allies."} +{"id": "newsroom-val-sent-8", "summaries": ["Jessica McCain has been charged with child molestation and child exploitation."], "text": "Jessica McCain, from Lafayette, has been charged with child molestation and child exploitation after recording the disgusting act on video."} +{"id": "newsroom-val-sent-9", "summaries": ["Republicans sought to keep the pressure on President Obama over high gas prices."], "text": "Republicans sought to keep the pressure on President Obama over high gas prices Saturday with a radio speech claiming his \"lack of leadership\" is creating an \"energy crisis.\""} +{"id": "newsroom-val-sent-10", "summaries": ["Adolescent medicine is in little demand by doctors seeking to advance their careers."], "text": "But a decade after adolescent medicine became board certified as a subspecialty, it is in little demand by doctors seeking to advance their careers."} +{"id": "newsroom-val-sent-11", "summaries": ["More people are getting their news on smaller screens"], "text": "More and more people are discarding their old TV sets and getting their news and entertainment on smaller screens."} +{"id": "newsroom-val-sent-12", "summaries": ["The body was found floating Saturday in the waters between south Brooklyn and Queens."], "text": "The body of a man who is believed to have jumped from a bridge earlier this month was found floating Saturday in the waters between south Brooklyn and Queens, cops said."} +{"id": "newsroom-val-sent-13", "summaries": ["A man detonated explosives that killed 12 people and injured 20 in northeast Nigeria."], "text": "A man forced his way onto a bus at a crowded bus station and detonated explosives that killed 12 people and injured 20 in northeast Nigeria, according to the bus driver and hospital records."} +{"id": "newsroom-val-sent-14", "summaries": ["Cellist David Teie has created the first ever album specifically for cats"], "text": "Cellist and musician David Teie, a soloist with America\u2019s National Symphony Orchestra, has created the first ever album specifically for cats to listen to."} +{"id": "newsroom-val-sent-15", "summaries": ["Clark died Tuesday at his home in Nashville, Tennessee."], "text": "Clark died Tuesday at his home in Nashville, Tennessee, according to his manager, Keith Case."} +{"id": "newsroom-val-sent-16", "summaries": ["The Illinois Senate recently passed legislation that would put slot machines at airports."], "text": "According to the Chicago Sun-Times, the Illinois Senate recently passed legislation that would put slot machines at airports and other places around the state."} +{"id": "newsroom-val-sent-17", "summaries": ["In March 1978 Israel invaded Lebanon, an invasion dreamt up years before."], "text": "In March 1978 Israel invaded Lebanon, an invasion dreamt up years before, though this was the first opportunity to put the large-scale operation dubbed Litani, into gear."} +{"id": "newsroom-val-sent-18", "summaries": ["Philanthropist David Rubenstein is giving $18 million to fix up the Lincoln Memorial."], "text": "Philanthropist David Rubenstein, who has already donated tens of millions of dollars to refurbish the Washington Monument and other icons, is giving $18 million to fix up the Lincoln Memorial."} +{"id": "newsroom-val-sent-19", "summaries": ["Google made about $11 billion from ad sales on Android phones last year."], "text": "The stakes are higher in the Android case for Google which made about $11 billion from ad sales on Android phones with Google apps such as Maps, Search and Gmail last year."} +{"id": "newsroom-val-sent-20", "summaries": ["Tina Turner to become Swiss citizen"], "text": "Singer Tina Turner is set to surrender her U.S. passport and become a Swiss citizen."} +{"id": "newsroom-val-sent-21", "summaries": ["Hillary Clinton declared victory in the Democratic presidential race Tuesday."], "text": "Paying homage to the generations of women who paved the way for her, Hillary Clinton declared a \u201cmilestone\u201d victory in the long and hard-fought Democratic presidential race Tuesday."} +{"id": "newsroom-val-sent-22", "summaries": ["Georgian cinema is exotic, and can be forbidding as well as fiercely beautiful."], "text": "Georgian cinema is exotic and, like the mountainous terrain celebrated by the Russian writers Lermontov and Tolstoy, can be forbidding as well as fiercely beautiful."} +{"id": "newsroom-val-sent-23", "summaries": ["Fisher remained hospitalized at the Ronald Reagan UCLA Medical Center in Los Angeles."], "text": "Fisher remained hospitalized at the Ronald Reagan UCLA Medical Center in Los Angeles, where she was rushed Friday after her flight from London touched down."} +{"id": "newsroom-val-sent-24", "summaries": ["A twitter troll who started rumors about Hurricane Sandy has been identified"], "text": "A Twitter troll who started widely spread rumors about Hurricane Sandy has been identified as Shashank Tripathi, according to reports."} +{"id": "newsroom-val-sent-25", "summaries": ["Misconceptions may be keeping many women from getting breast reconstruction after a mastectomy."], "text": "Misconceptions may be keeping many women from getting breast reconstruction after a mastectomy, even though the procedure can help improve quality of life for cancer survivors, according to a new review."} +{"id": "newsroom-val-sent-26", "summaries": ["The rankings assess nearly 1,800 colleges and universities on 16 criteria"], "text": "The rankings, which assess nearly 1,800 colleges and universities on 16 criteria rarely see drastic change from year to year, and the latest iteration is no exception."} +{"id": "newsroom-val-sent-27", "summaries": ["City Councilman Mark Treyger wants the city to designate the promenade a historic site."], "text": "City Councilman Mark Treyger wants the city\u2019s Landmarks Preservation Commission to designate the popular 2.5-mile wooden promenade a historic site that cannot be converted to cement."} +{"id": "newsroom-val-sent-28", "summaries": ["Zakaria Bulhan was charged with murder and five counts of attempted murder"], "text": "London\u2019s Metropolitan Police said Zakaria Bulhan, of London, was charged with the murder of 64-year-old Darlene Horton, and five counts of attempted murder."} +{"id": "newsroom-val-sent-29", "summaries": ["The New York Post Twitter account was apparently compromised on Friday."], "text": "The New York Post's main Twitter account was apparently compromised on Friday, sending a series of apparently untrue tweets on military and macroeconomic topics."} +{"id": "newsroom-val-sent-30", "summaries": ["Helium wants to be the Android of the Internet of things."], "text": "Helium\u2019s president and chief operating officer Rob Chandhok says it wants to be \u201cthe Android of the Internet of things.\u201d"} +{"id": "newsroom-val-sent-31", "summaries": ["The concept of a helipad has been discussed in the city for years."], "text": "The concept of a helipad has been discussed in the city for years, after two landing sites available for use by the general public closed in 1999."} +{"id": "newsroom-val-sent-32", "summaries": ["A Michigan man whose drunken girlfriend froze to death was sentenced to prison."], "text": "A Michigan man whose drunken girlfriend froze to death after he lectured her for being intoxicated was sentenced to prison on Monday."} +{"id": "newsroom-val-sent-33", "summaries": ["Companies are rising up to provide innovators with compact versions of industrial tools."], "text": "That movement, long identified with 3D printers, is entering a new phase, and new companies are rising up to provide craftspeople and innovators with compact versions of industrial tools."} +{"id": "newsroom-val-sent-34", "summaries": ["The European Union has agreed to impose broad economic sanctions against Russia."], "text": "The European Union has finally agreed to impose broad economic sanctions against Russia, hoping to force Moscow to reverse course in Ukraine, EU officials say."} +{"id": "newsroom-val-sent-35", "summaries": ["Terrorists could still send the United States into the dark ages for weeks."], "text": "Terrorists could still send a nation as powerful and modernized as the United States into the dark ages for weeks."} +{"id": "newsroom-val-sent-36", "summaries": ["Republicans issued subpoenas Wednesday for emails Hillary Clinton stored on her own server."], "text": "Republicans issued subpoenas Wednesday for emails Hillary Clinton stored on her own server, as the name of a former aide surfaced as the person possibly linked to the unusual arrangement."} +{"id": "newsroom-val-sent-37", "summaries": ["President Obama and Benjamin Netanyahu pledged to work together towards Middle East peace Monday."], "text": "President Obama and Israeli Prime Minister Benjamin Netanyahu pledged to work together towards Middle East peace Monday, looking to ease tensions after a long-running public feud over the Iran nuclear deal."} +{"id": "newsroom-val-sent-38", "summaries": ["Former porn star Candida Royalle has died after battling ovarian cancer."], "text": "Former porn star Candida Royalle, regarded as a pioneer for her work in front of and behind the camera, has died after battling ovarian cancer."} +{"id": "newsroom-val-sent-39", "summaries": ["People with Alzheimer's disease may experience depression before their memory starts to fade."], "text": "People with Alzheimer's disease may experience depression and other behavioral changes before their memory starts to fade, according to a new study in the journal Neurology."} +{"id": "newsroom-val-sent-40", "summaries": ["Seven men are in the running to replace Sepp Blatter as FIFA president."], "text": "Seven men are in the running to replace Sepp Blatter as FIFA president, with Michel Platini's candidature pending because of his suspension from soccer."} +{"id": "newsroom-val-sent-41", "summaries": ["The royal family attended a Christmas Day service without the Queen"], "text": "The royal family attended a Christmas Day service at St. Mark\u2019s Church in Englefield on Sunday without the Queen, who stayed home with a heavy cold, CBS reports."} +{"id": "newsroom-val-sent-42", "summaries": ["A former WWE wrestler thwarted an armed would-be robber on Saturday night."], "text": "A former WWE wrestler rumored to appear in the next \"Batman\" movie thwarted an armed would-be robber on Saturday night, saying later that \"I'm not dying in Florida.\""} +{"id": "newsroom-val-sent-43", "summaries": ["Company trying to diversify its product mix to be less reliant on fragrances."], "text": "The company, founded in 1904 in Paris, has been trying to diversify its product mix to be less reliant on fragrances, which generate more than half of its sales."} +{"id": "newsroom-val-sent-44", "summaries": ["\"I was just frustrated with myself,\" Murgatroyd told PEOPLE"], "text": "\"I was just frustrated with myself because the blindfold wouldn't work,\" Murgatroyd told PEOPLE at Mixology in Los Angeles after Monday's episode."} +{"id": "newsroom-val-sent-45", "summaries": ["There are almost 8,000 courses taught in English in non-English speaking countries."], "text": "There are now almost 8,000 courses being taught in English by leading universities in non-English speaking countries, according to a project mapping their expansion."} +{"id": "newsroom-val-sent-46", "summaries": ["Regulators need to end all varieties of test-gaming in the auto industry."], "text": "Rather than declare the matter closed, regulators in the U.S. and Europe need to redouble efforts to end all varieties of test-gaming in the auto industry."} +{"id": "newsroom-val-sent-47", "summaries": ["Trump spelled out hard-line immigration priorities in a fiery speech in Phoenix."], "text": "After weeks of opaque public statements regarding his stance on mass deportations, Trump spelled out hard-line immigration priorities in a fiery speech here in Phoenix."} +{"id": "newsroom-val-sent-48", "summaries": ["Researchers found drug trials funded by drug maker Roche downplayed side effects like diarrhea."], "text": "Danish researchers who reviewed data summaries and journal articles found that seven drug trials funded by the drug maker Roche in the 1990s downplayed the frequency of apparent side effects like diarrhea and incontinence."} +{"id": "newsroom-val-sent-49", "summaries": ["Lemonis Fischer Acquisition Company completed its purchase of Crumbs in August for $6.5 million"], "text": "Lemonis Fischer Acquisition Company, LLC, a joint venture between Lemonis and Fischer Enterprises, completed its purchase of Crumbs in August for $6.5 million."} +{"id": "newsroom-val-sent-50", "summaries": ["The rapper announced he had a third son on his social media accounts."], "text": "The rapper, who is notorious for trolling fans and celebritIes on social media, announced he had a third son on his social media accounts."} +{"id": "newsroom-val-sent-51", "summaries": ["Minnesota Congressman Keith Ellison is tweeting Emojis to talk about minimum wage."], "text": "Minnesota Democratic Congressman Keith Ellison is tweeting food Emojis to talk about minimum wage."} +{"id": "newsroom-val-sent-52", "summaries": ["Afghans are looking closely at the biographies of Abdullah Abdullah and Ashraf Ghani"], "text": "But in the absence of concrete platforms, Afghans are looking closely at the biographies of Abdullah Abdullah and Ashraf Ghani, speculating about what their lives say about their ability to lead."} +{"id": "newsroom-val-sent-53", "summaries": ["Americans expect an unnatural level of consistency from their foodstuffs."], "text": "Ugly vegetables may have made their way to grocery store shelves, but Americans still expect an unnatural level of consistency from their foodstuffs."} +{"id": "newsroom-val-sent-54", "summaries": ["Frontier Airlines will penalize passengers who don't book directly with the airline."], "text": "Frontier Airlines is the latest carrier to jump into the fight, announcing Wednesday that it will penalize passengers who don't book directly with the airline."} +{"id": "newsroom-val-sent-55", "summaries": ["A proposed merger between Charter Communications and Time Warner Cable could get local support."], "text": "A proposed $78.7 billion merger between Charter Communications and Time Warner Cable could get local support \u2014 if the big-bucks deal helps poor New Yorkers get more online access."} +{"id": "newsroom-val-sent-56", "summaries": ["Jason Smith charged with cocaine trafficking."], "text": "(Former NRL star Jason Smith has been charged with alleged cocaine trafficking."} +{"id": "newsroom-val-sent-57", "summaries": ["Sanders turned Bill Clinton\u2019s time in the White House into target practice."], "text": "The Flashback in Flint was the fight Bernie Sanders has been longing to have, and he turned Bill Clinton\u2019s time in the White House into target practice."} +{"id": "newsroom-val-sent-58", "summaries": ["Virginia is on the national ballot for the first time since Woodrow Wilson."], "text": "Virginia, the mother of presidents \u2014 it\u2019s had eight, more than any other state \u2014 is on the national ballot for the first time since Woodrow Wilson."} +{"id": "newsroom-val-sent-59", "summaries": ["Trump said that he and Clinton should undergo drug tests before the final debate"], "text": "Offered without evidence during a campaign rally in Portsmouth, N.H., Trump said that he and Clinton are \u201clike athletes\u201d and should undergo drug tests before the final debate on Wednesday."} +{"id": "newsroom-val-sent-60", "summaries": ["GlaxoSmithKline promoted Emma Walmsley to succeed Andrew Witty as chief executive officer."], "text": "GlaxoSmithKline promoted Emma Walmsley to succeed Andrew Witty as chief executive officer when he retires, singling out Britain\u2019s largest drugmaker as the only major global pharmaceutical company led by a woman."} +{"id": "newsroom-val-sent-61", "summaries": ["Valeant Pharmaceuticals has decided to keep and invest in its gastrointestinal-drugs division."], "text": "Valeant Pharmaceuticals International Inc. has decided to keep and invest in its gastrointestinal-drugs division after talks to sell the unit to Takeda Pharmaceutical Co. fell apart, according to people familiar with the matter."} +{"id": "newsroom-val-sent-62", "summaries": ["Father Patrick Fitzgerald of St. Francis of Assisi Church in Manhattan has died."], "text": "Father Patrick Fitzgerald of St. Francis of Assisi Church in Manhattan, who served as clergy liaison for the NYPD\u2019s Midtown South Precinct, has died."} +{"id": "newsroom-val-sent-63", "summaries": ["Microsoft confirmed its $1.2 billion acquisition of Yammer."], "text": "Microsoft on Monday confirmed its rumored $1.2 billion acquisition of B2B social networking firm Yammer."} +{"id": "newsroom-val-sent-64", "summaries": ["Granite prism part of national pilot scheme designed to introduce original artworks into traffic system"], "text": "Costing \u00a325,000, the granite prism is part of a national pilot scheme designed to introduce original artworks into the traffic system, replacing conventional plastic bollards and barriers."} +{"id": "newsroom-val-sent-65", "summaries": ["The world\u2019s largest retailer is being battered by the economy and tough competition."], "text": "The world\u2019s largest retailer is heading into the holiday season with a turnaround plan after being battered by the economy and tough competition."} +{"id": "newsroom-val-sent-66", "summaries": ["Casino bosses like Wynn are betting new resorts will breathe life back into Macau."], "text": "Casino bosses like Wynn are betting the new resorts on the Cotai strip will breathe life back into Macau, which generates five times more gambling revenue than Las Vegas."} +{"id": "newsroom-val-sent-67", "summaries": ["Tourists visiting Chongqing in China can now explore an underground nuclear base."], "text": "Tourists visiting Chongqing in China can now explore an underground nuclear base, dubbed the world's largest manmade cave at a size of 1.1-million square feet (or about 20 football fields)."} +{"id": "newsroom-val-sent-68", "summaries": ["Gift to the nation for permanent public display rejected by council officials"], "text": "A sculpture by Sir Anthony Caro, intended as a gift to the nation for permanent public display, has been rejected by council officials and could now be sold abroad for \u00a32.5m."} +{"id": "newsroom-val-sent-69", "summaries": ["A Tennessee teen was arrested after his getaway car got stuck on ice."], "text": "Saturday, March 7, 2015, 3:06 PM A Tennessee teen was arrested for robbing a man shoveling snow after his getaway car got stuck on a patch of ice, according to a report."} +{"id": "newsroom-val-sent-70", "summaries": ["The telescope will be used to reflect radio signals from distant parts of the universe"], "text": "The radio telescope, which measures 500 meters in diameter, will be used to reflect radio signals from distant parts of the universe and help search for extraterrestrial life beyond the galaxy, reports the Guardian."} +{"id": "newsroom-val-sent-71", "summaries": ["Hansen, 30, is being held on $1 million bail"], "text": "Hansen, 30, who is also a model with her own line of swimsuits, is being held on $1 million bail."} +{"id": "newsroom-val-sent-72", "summaries": ["The French actor split with his Berry because she was more successful than him."], "text": "The French actor, known to many as just arm candy for his famous wife, split with his Berry because she was more successful than him, sources told People Magazine."} +{"id": "newsroom-val-sent-73", "summaries": ["Apple needs a visionary who understands how to make really great software."], "text": "What Apple needs is a visionary who understands how to make really great software and who can provide the leadership to make that happen."} +{"id": "newsroom-val-sent-74", "summaries": ["Russia is the poster child for electoral authoritarianism."], "text": "Russia is the poster child for a type of governance termed electoral, or competitive, authoritarianism."} +{"id": "newsroom-val-sent-75", "summaries": ["It was 22 years ago Wednesday that \u201cFrasier\u201d aired on television."], "text": "It was 22 years ago Wednesday that \u201cFrasier\u201d \u2014 the hit sitcom of the 1990s that was a spin-off of the award-winning \u201cCheers\u201d \u2014 first aired on television."} +{"id": "newsroom-val-sent-76", "summaries": ["Country singer Joey Feek died of cervical cancer on Friday afternoon."], "text": "Country singer Joey Feek, whose husband Rory Feek revealed on Monday that she had only days to live, died of cervical cancer on Friday afternoon."} +{"id": "newsroom-val-sent-77", "summaries": ["Visibility is key to the success of any omnichannel retailing strategy."], "text": "Visibility is a key component to the success of any omnichannel retailing strategy, and both shoppers and retailers stand to benefit."} +{"id": "newsroom-val-sent-78", "summaries": ["Al-Shabab is responsible for numerous attacks in east Africa"], "text": "Al-Shabab, an Islamic extremist group affiliated with Al-Qaeda, is responsible for numerous attacks in east Africa, particularly Kenya."} +{"id": "newsroom-val-sent-79", "summaries": ["Breguet watches have been cherished by the most eminent figures of modern history"], "text": "Ever since Swiss-born Abraham-Louis Breguet opened his Paris workshop in 1775, watches bearing his name have been cherished by the most eminent figures of modern history."} +{"id": "newsroom-val-sent-80", "summaries": ["Brendan Dassey was just ordered released from custody by a federal judge."], "text": "Brendan Dassey -- the man who was convicted for helping Steven Avery in a murder chronicled on \"Making a Murderer\" -- was just ordered released from custody by a federal judge."} +{"id": "newsroom-val-sent-81", "summaries": ["Tens of thousands of demonstrators on Tuesday continued anti-government protests in Bangkok"], "text": "Tens of thousands of demonstrators on Tuesday continued anti-government protests in Bangkok intended to drive Thailand's Prime Minister out of office."} +{"id": "newsroom-val-sent-82", "summaries": ["Tom Cruise gave his first interview since his split with Katie Holmes on Tuesday."], "text": "Tom Cruise gave his first interview since his split with Katie Holmes on Tuesday, and he had a story to tell about an injury he sustained on the set of his new movie \u201cJack Reacher.\u201d"} +{"id": "newsroom-val-sent-83", "summaries": ["The largest hedge funds now control more cash than ever."], "text": "The fat funds are getting fatter\u2014the largest hedge funds now control more cash than ever before."} +{"id": "newsroom-val-sent-84", "summaries": ["Anytime the SAT is modified, students and parents seek assistance in droves."], "text": "Anytime the SAT is modified, students and parents seek assistance in droves, said Neil Chyten, president of Chyten Premier Tutoring and Test Preparation."} +{"id": "newsroom-val-sent-85", "summaries": ["Significant signs of improvement could prompt the Fed to raise interest rates sooner."], "text": "Significant signs of improvement, with more job openings and fewer layoffs, may mean the labor market recovery is broadening and could prompt the Fed to raise interest rates sooner."} +{"id": "newsroom-val-sent-86", "summaries": ["Actor Orlando Bloom listed his Hollywood Hills home for $4.5 million."], "text": "Actor Orlando Bloom listed his four-bedroom Hollywood Hills home for $4.5 million after previously renting it out for $16,500 a month."} +{"id": "newsroom-val-sent-87", "summaries": ["A weather bomb around Greenland caused seismic tremors as far away as Japan."], "text": "A weather bomb around Greenland caused seismic tremors as far away as Japan, and when researchers went to investigate, they made a rare discovery."} +{"id": "newsroom-val-sent-88", "summaries": ["Egypt officially started the process of holding its first-ever free presidential elections."], "text": "Egypt officially started on Saturday the process of holding its first-ever free presidential elections with candidates able to submit their applications."} +{"id": "newsroom-val-sent-89", "summaries": ["Know your risk tolerance and threshold for pain."], "text": "A few of her \u2014 and my \u2014 favorites: Know your risk tolerance and threshold for pain."} +{"id": "newsroom-val-sent-90", "summaries": ["Ford is recalling 450,000 Escape SUVs and Ford Freestar and Mercury Monterey minivans."], "text": "Ford is recalling 450,000 older Ford Escape SUVs for a fire risk and Ford Freestar and Mercury Monterey minivans for potential sudden loss of power, according to the National Highway Traffic Safety Administration."} +{"id": "newsroom-val-sent-91", "summaries": ["Romney is campaigning Tuesday and Wednesday in the battleground states of Pennsylvania and Ohio."], "text": "Romney is campaigning Tuesday and Wednesday in the battleground states of Pennsylvania and Ohio as speculation on his vice presidential candidate continues to build."} +{"id": "newsroom-val-sent-92", "summaries": ["Browns quarterback Connor Shaw will undergo surgery on his right thumb."], "text": "Browns third-string quarterback Connor Shaw will undergo surgery on his right thumb and be out for an indefinite period."} +{"id": "newsroom-val-sent-93", "summaries": ["Jackman saved two children from a dangerous riptide at Bondi Beach."], "text": "Hugh Jackman pulled a real-life superhero move this week when he saved his two children from a dangerous riptide at Bondi Beach."} +{"id": "newsroom-val-sent-94", "summaries": ["Microsoft will release a tablet-oriented version of Windows no sooner than 2012."], "text": "Microsoft will release a tablet-oriented version of Windows no sooner than 2012, Bloomberg reports, citing sources familiar with the matter."} +{"id": "newsroom-val-sent-95", "summaries": ["A South Carolina man was killed when an inflator exploded in December."], "text": "It comes just days after the government announced that a South Carolina man was killed when an inflator exploded in December."} +{"id": "newsroom-val-sent-96", "summaries": ["The mega explosions are powerful enough to lay an entire planet to waste."], "text": "On the positive side, the mega explosions, which are powerful enough to lay an entire planet to waste, can be detected ahead of time."} +{"id": "newsroom-val-sent-97", "summaries": ["Uber is partnering with the Communication Service for the Deaf to recruit more drivers."], "text": "Ride-hailing service Uber is partnering with the Communication Service for the Deaf to recruit more deaf drivers and continue to develop more resources for those drivers, the company said on Tuesday."} +{"id": "newsroom-val-sent-98", "summaries": ["Being childless has allowed me to invest in myself."], "text": "Being childless has also allowed me to invest in myself on a deeper level\u2014things that make me happy."} +{"id": "newsroom-val-sent-99", "summaries": ["Obama's pivot east has done little to contain China's strategic expansion."], "text": "Thus, Obama's \"pivot east\" has done much to fuel tensions in the Indo-Pacific, but has done little to contain China's strategic expansion."} +{"id": "newsroom-val-sent-100", "summaries": ["Google launched a free version of its music streaming service on Tuesday."], "text": "Google Inc launched a free version of its music streaming service on Tuesday, as it sought to upstage the debut of Apple's rival service next week."} +{"id": "newsroom-val-sent-101", "summaries": ["The couple, who have been dating since 2014, announced their engagement on Instagram"], "text": "The couple, who have been dating since 2014, announced their engagement Friday morning on Instagram, sharing similar smooching selfies while on a tropical vacation."} +{"id": "newsroom-val-sent-102", "summaries": ["Gradifi is hoping to entice employers into helping workers pay down their college loans."], "text": "Gradifi, a 12-person startup backed by about $3 million in seed investment, is hoping to entice more employers \u2014 and eventually, marketers of all stripes \u2014 into helping workers pay down their college loans."} +{"id": "newsroom-val-sent-103", "summaries": ["Nolen was charged Tuesday with first-degree murder and assault."], "text": "Alton Nolen was charged Tuesday with first-degree murder and assault in the decapitation of a former co-worker at a processing plant in Oklahoma."} +{"id": "newsroom-val-sent-104", "summaries": ["Samsung Pay will launch during the second half of 2015"], "text": "Samsung Pay will launch on the Galaxy S6 and the Galaxy S6 Edge in the U.S. during the second half of 2015."} +{"id": "newsroom-val-sent-105", "summaries": ["Ayesha Curry got into a social media throwdown with loudmouth Stephen A. Smith."], "text": "Ayesha Curry, who caused a Twitter storm late Thursday by suggesting the NBA Finals were fixed, got into a social media throwdown with loudmouth Stephen A. Smith on Friday."} +{"id": "newsroom-val-sent-106", "summaries": ["Retired FDNY Captain Vincent W. Julius died Sunday after a long illness."], "text": "Retired FDNY Captain Vincent W. Julius, one of the department\u2019s most high-profile African-American firefighters during the city\u2019s \u201cWar Years,\u201d died Sunday after a long illness."} +{"id": "newsroom-val-sent-107", "summaries": ["Avid Life Media announced Friday its CEO stepped down, effective Friday."], "text": "Avid Life Media announced Friday its CEO Noel Biderman stepped down and was no longer with the company, effective Friday."} +{"id": "newsroom-val-sent-108", "summaries": ["South Australian MP Jamie Briggs has resigned as Minister for Cities and Built Environment."], "text": "South Australian MP Jamie Briggs has resigned as Minister for Cities and the Built Environment over an incident with a female public servant on a trip to Hong Kong."} +{"id": "newsroom-val-sent-109", "summaries": ["Greek governments and private citizens have pushed for war damages from Germany for decades."], "text": "Greek governments and also private citizens have pushed for war damages from Germany for decades but the Greek government has never officially quantified its reparation claims."} +{"id": "newsroom-val-sent-110", "summaries": ["Former British Prime Minister Margaret Thatcher has died after suffering a stroke."], "text": "Former British Prime Minister Margaret Thatcher, an outspoken woman known to many as \"The Iron Lady,\" has died at 87 after suffering a stroke."} +{"id": "newsroom-val-sent-111", "summaries": ["A sea lion pup found strolling a San Francisco sidewalk surprised onlookers."], "text": "A sea lion pup found strolling a San Francisco sidewalk on Thursday may have surprised onlookers, but one expert says it could be \"the new normal.\""} +{"id": "newsroom-val-sent-112", "summaries": ["The international community has consistently deplored the occupation of the Azerbaijani territories."], "text": "The international community has consistently deplored, in the strongest terms, the use of force by Armenia against Azerbaijan and the occupation of the Azerbaijani territories."} +{"id": "newsroom-val-sent-113", "summaries": ["The pop star continues to open about her divorce from rocker Gavin Rossdale."], "text": "The pop star continues to open about her divorce from rocker Gavin Rossdale as she plugs her new album and revealed she felt she was \u201cdying\u201d after the collapse of her marriage."} +{"id": "newsroom-val-sent-114", "summaries": ["The drone scanned for signals being sent to devices that were sneaked into the test"], "text": "The drone, with six propellers and as big as a gas pump, scanned for signals potentially being sent to devices that were sneaked into the test, The Guardian reports."} +{"id": "newsroom-val-sent-115", "summaries": ["Cruz chose Fiorina as his vice-presidential running mate"], "text": "In a last-minute gambit to prevent Trump from winning the nomination, Cruz chose Fiorina on Wednesday as his vice-presidential running mate."} +{"id": "newsroom-val-sent-116", "summaries": ["Cavuto underwent surgery on Monday"], "text": "Cavuto hasn't been on air since May 31 and underwent surgery on Monday."} +{"id": "newsroom-val-sent-117", "summaries": ["Two researchers have created a program that can automatically generate paraphrases of English sentences."], "text": "Now, using several methods, including statistical techniques borrowed from gene analysis, two researchers have created a program that can automatically generate paraphrases of English sentences."} +{"id": "newsroom-val-sent-118", "summaries": ["Renaissance paintings taken from Jewish couple in 1935 returned to grandchildren by state of California"], "text": "Three renaissance paintings taken from a Jewish couple by the Nazis in 1935 have been returned to their grandchildren by the state of California, in a ceremony attended by governor Arnold Schwarzenegger."} +{"id": "newsroom-val-sent-119", "summaries": ["The child was rushed to the hospital on Sunday and died Wednesday"], "text": "The child allegedly was rushed to the hospital on Sunday and died Wednesday after being placed on life support, according to an indictment obtained by PEOPLE."} +{"id": "newsroom-val-sent-120", "summaries": ["The federal government filed two charges against Boston Marathon bombing suspect Dzhokhar Tsarnaev Monday."], "text": "The federal government filed two charges against Boston Marathon bombing suspect Dzhokhar Tsarnaev Monday, counts that could result in the death penalty if he's convicted."} +{"id": "newsroom-val-sent-121", "summaries": ["Old masters by Francesco Guardi worth \u00a310m have been seized by Scotland Yard"], "text": "A pair of old masters by Francesco Guardi worth \u00a310m have been seized by Scotland Yard after they were allegedly exported from Italy illegally."} +{"id": "newsroom-val-sent-122", "summaries": ["One of the primary banking regulators Thursday welcomed financial technology disrupters into the fold."], "text": "One of the nation\u2019s primary banking regulators Thursday welcomed financial technology disrupters into the fold and even encouraged them to join forces with traditional brick-and-mortar institutions, but with some rules."} +{"id": "newsroom-val-sent-123", "summaries": ["Facebook said it now has 1.71 billion monthly active users."], "text": "And Facebook said it now has 1.71 billion monthly active users, up 20 percent from the same period last year."} +{"id": "newsroom-val-sent-124", "summaries": ["The Waltham company sells cybersecurity software to\u00a0businesses."], "text": "The Waltham company, which has done business as Bit9 + Carbon Black since acquiring Carbon Black last year, sells cybersecurity software to businesses."} +{"id": "newsroom-val-sent-125", "summaries": ["Specialist units rushed to the mosque after envelopes were discovered there"], "text": "Specialist units rushed to the city\u2019s Grand Mosque after the envelopes were discovered there, fire brigade spokeswoman Malika Abbad told NBC News."} +{"id": "newsroom-val-sent-126", "summaries": ["Three extremely dangerous inmates have escaped from a jail in California."], "text": "Three extremely dangerous inmates \u2014 including one charged with murder and another charged with cutting off a man\u2019s penis \u2014 have escaped from a jail in California."} +{"id": "newsroom-val-sent-127", "summaries": ["The AP-GfK poll shows 59 percent of Americans now disapprove of Obama."], "text": "The AP-GfK poll shows 59 percent of Americans now disapprove of Obama -- a point higher than the previous high set in December."} +{"id": "newsroom-val-sent-128", "summaries": ["Age-based awards are outdated and discriminatory."], "text": "Here\u2019s what\u2019s on my mind: Age-based awards are outdated and discriminatory, even if unintentionally so."} +{"id": "newsroom-val-sent-129", "summaries": ["Tom and Arnisteen Clark were only separated when Mr Clark served in Korea."], "text": "Tom and Arnisteen Clark have been married 68 years and were only separated when Mr Clark, an Army veteran, served in Korea, ABC News reports."} +{"id": "newsroom-val-sent-130", "summaries": ["Boston is the fifth city to get the option in Lyft\u2019s app."], "text": "Boston is the fifth city to get the Line option in Lyft\u2019s app, following San Francisco, Los Angeles, New York, and Austin, Texas."} +{"id": "newsroom-val-sent-131", "summaries": ["Vice President Biden on Monday swore in former Loretta Lynch as attorney general."], "text": "Vice President Biden on Monday swore in former Brooklyn U.S. Attorney Loretta Lynch as the country\u2019s first female African-American attorney general."} +{"id": "newsroom-val-sent-132", "summaries": ["Transgender children experience a disconnect between their sex and their gender."], "text": "Transgender children experience a disconnect between their sex, which is anatomy, and their gender, which includes behaviors, roles and activities."} +{"id": "newsroom-val-sent-133", "summaries": ["Careless errors will cause others to question your commitment."], "text": "Double-check your work, as careless errors or poor grammar will cause others to question your commitment and work quality."} +{"id": "newsroom-val-sent-134", "summaries": ["Microsoft says CEO Steve Ballmer will retire within the next 12 months."], "text": "Microsoft says CEO Steve Ballmer will retire within the next 12 months, the world's biggest software company announced on Friday."} +{"id": "newsroom-val-sent-135", "summaries": ["The actress and boyfriend Jason Bleick welcomed son Arthur Saint on Monday"], "text": "The actress, 39, and her fashion designer boyfriend, Jason Bleick, welcomed son Arthur Saint Bleick on Monday, her rep tells PEOPLE exclusively."} +{"id": "newsroom-val-sent-136", "summaries": ["Goldman Sachs CEO Lloyd Blankfein has been diagnosed with lymphoma, he announced Tuesday."], "text": "Goldman Sachs CEO Lloyd Blankfein has been diagnosed with lymphoma but doctors expect he'll be completely cured of the cancer, he announced Tuesday."} +{"id": "newsroom-val-sent-137", "summaries": ["Starboard Value LP had aimed to overthrow the entire 12-director Darden board."], "text": "Investor Starboard Value LP had aimed to overthrow the entire 12-director Darden DRI board and replace it with a slate of its own, and came away victorious."} +{"id": "newsroom-val-sent-138", "summaries": ["There may be electricity flying between Amber Heard and billionaire Elon Musk."], "text": "There may be electricity flying between Amber Heard and billionaire Elon Musk amid the actress' high profile and nasty divorce from Johnny Depp."} +{"id": "newsroom-val-sent-139", "summaries": ["Violence continued to erupt across Israel as Palestinian assailants carried out five stabbing attacks."], "text": "Violence continued to erupt across Israel Saturday as Palestinian assailants carried out five stabbing attacks in Jerusalem and the West Bank."} +{"id": "newsroom-val-sent-140", "summaries": ["Clinton said half of Trump supporters are racist, sexist, homophobic or Islamophobic."], "text": "Hillary Clinton said Friday night in New York that half of Donald Trump's supporters are racist, sexist, xenophobic, homophobic and/or Islamophobic."} +{"id": "newsroom-val-sent-141", "summaries": ["Natural gas futures rose after a sharp price slide Monday."], "text": "Natural gas futures rose Tuesday as traders took profits after a sharp price slide Monday."} +{"id": "newsroom-val-sent-142", "summaries": ["Facebook is planning to release more standalone apps like Facebook Messenger and Instagram."], "text": "Facebook is planning to release more standalone apps like Facebook Messenger and Instagram, the company revealed during its fourth quarter earnings call on Wednesday."} +{"id": "newsroom-val-sent-143", "summaries": ["Wireless carriers are waiving fees following the terrorist attacks."], "text": "A number of U.S. wireless carriers are waiving fees for calls and texts to and from Belgium following the terrorist attacks in Brussels on Tuesday."} +{"id": "newsroom-val-sent-144", "summaries": ["A baby boy with two perfectly formed heads was born in Brazil this week"], "text": "A baby boy with two perfectly formed heads was born in Brazil this week, the country's media reported."} +{"id": "newsroom-val-sent-145", "summaries": ["Japan confirmed swine flu in three people who recently returned from Canada."], "text": "Japan confirmed its first cases of swine flu Saturday in three people who recently returned from Canada, even as the disease's spread appeared to slow in the rest of the world."} +{"id": "newsroom-val-sent-146", "summaries": ["Sometimes a national tragedy supersedes conventional workplace protocol."], "text": "While you ordinarily might shy away from sensitive subjects at work, sometimes a national tragedy \u2014 particularly one of this magnitude \u2014 supersedes conventional workplace protocol."} +{"id": "newsroom-val-sent-147", "summaries": ["Chinese state media caution that the space race should not fuel regional tensions."], "text": "Chinese state media give a cautious welcome to the successful launch of India's first Mars probe mission, but caution that the space race should not fuel regional tensions."} +{"id": "newsroom-val-sent-148", "summaries": ["The Czech Republic announced emergency measures Wednesday to combat a wave of alcohol poisoning."], "text": "The Czech Republic announced emergency measures Wednesday to combat a wave of alcohol poisoning, saying that 19 people have died and 24 have been hospitalized after drinking vodka and rum laced with methanol."} +{"id": "newsroom-val-sent-149", "summaries": ["Consensual BDSM can transport the lucky participants into an altered mental state."], "text": "Consensual BDSM (that\u2019s bondage/discipline, dominance/submission and sadism/masochism, Grandma) can transport the lucky participants into an altered mental state, according to a small new study."} +{"id": "newsroom-val-sent-150", "summaries": ["Google has updated the website where it showcases its Street View service."], "text": "Google has updated the website where it showcases its Street View service, now highlighting places of interest, the locations of Street View vehicles and more."} +{"id": "newsroom-val-sent-151", "summaries": ["People take an average of 1,403 fewer steps than usual on Christmas Day."], "text": "People take an average of 1,403 fewer steps than usual on Christmas Day, according to data from about 500,000 wearers of Jawbone UP, the fitness tracker."} +{"id": "newsroom-val-sent-152", "summaries": ["The affected specimen dates back roughly 1.7 million years."], "text": "The affected specimen, originally found in South Africa's Swartkrans Cave, dates back roughly 1.7 million years."} +{"id": "newsroom-val-sent-153", "summaries": ["Automakers continued to beat U.S. fuel-efficiency standards in 2015 model vehicles."], "text": "Automakers continued to beat U.S. fuel-efficiency standards in 2015 model vehicles, putting the industry on track to reach an average 50 miles per gallon by 2025."} +{"id": "newsroom-val-sent-154", "summaries": ["Skittles replaced its entire homepage with its Twitter stream."], "text": "Few, however, have taken it so far as candy maker Skittles, which replaced its entire homepage with its Twitter stream."} +{"id": "newsroom-val-sent-155", "summaries": ["Samsung sold 300 million devices so far this year, breaking its previous record."], "text": "Samsung may be still be trying to crack the tablet market, but in mobile devices it is continuing to pick up steam: It sold 300 million devices so far this year, breaking its previous record."} +{"id": "newsroom-val-sent-156", "summaries": ["Argentinian photography boasts a coterie of brilliant, established artists."], "text": "In this context, Argentinian photography may be slowly finding its feet internationally, but it still boasts a coterie of brilliant, established artists."} +{"id": "newsroom-val-sent-157", "summaries": ["Nervous investors remained transfixed on next week\u2019s presidential election."], "text": "Stocks retreated for an eighth consecutive day on Thursday as nervous investors remained transfixed on next week\u2019s too-close-to-call presidential election."} +{"id": "newsroom-val-sent-158", "summaries": ["What a liberal arts education gives you is growing more valuable, not less."], "text": "What a liberal arts education gives you \u2013 critical thinking, clear communication, the lessons of Homer \u2013 is growing more valuable, not less."} +{"id": "newsroom-val-sent-159", "summaries": ["The couple met at Apple, where they both work."], "text": "The couple met in August 2010 at Apple, in Cupertino, Calif., where they both work."} +{"id": "newsroom-val-sent-160", "summaries": ["The test for Trump will be avoiding gaffes that would further enrage Muslims."], "text": "The test for Trump will be avoiding gaffes that would further enrage Muslims after his proposal to ban them temporarily from entering the country."} +{"id": "newsroom-val-sent-161", "summaries": ["Historic grant of work authorization significant for individual workers and the national labor market"], "text": "But backers and opponents of the White House plan agree on one thing \u2014 that this historic grant of work authorization is significant both for individual workers and the national labor market."} +{"id": "newsroom-val-sent-162", "summaries": ["Wall Street firms say relatively stable markets indicate a Hillary Clinton victory."], "text": "Wall Street firms say relatively stable markets indicate that investors expect a Hillary Clinton victory, with Goldman Sachs Group on Friday citing an 85 percent probability that she would win."} +{"id": "newsroom-val-sent-163", "summaries": ["The danger of impunity is the very foundation of most violent crimes against humanity."], "text": "The danger of impunity is not merely the lack of legal accountability, but the fact that it is the very foundation of most violent crimes against humanity."} +{"id": "newsroom-val-sent-164", "summaries": ["Richard Emery abruptly stepped down as head of the police watchdog group on Wednesday."], "text": "Civilian Complaint Review Board head Richard Emery abruptly stepped down as head of the police watchdog group on Wednesday \u2014 a day after he was sued because of crass comments about female co-workers."} +{"id": "newsroom-val-sent-165", "summaries": ["Angelina Jolie filed for divorce from Brad Pitt."], "text": "Angelina Jolie has filed for divorce from Brad Pitt, a lawyer for the actress told the Associated Press."} +{"id": "newsroom-val-sent-166", "summaries": ["Health insurers are requesting the right to increase premiums by upwards of 50%"], "text": "According to a report published Friday in the The Wall Street Journal, health insurers are requesting the right in many states to increase premiums by upwards of 50%."} +{"id": "newsroom-val-sent-167", "summaries": ["Carlson has played in 412 consecutive games."], "text": "Carlson has played in 412 consecutive games, and the team\u2019s top defenseman leads the team in time on ice."} +{"id": "newsroom-val-sent-168", "summaries": ["The Alberta Party kicked off its campaign in Calgary on Saturday."], "text": "The Alberta Party kicked off its campaign in Calgary on Saturday with a pancake breakfast and promises of a better Alberta."} +{"id": "newsroom-val-sent-169", "summaries": ["The lead singer and guitarist John Bell shared his favorite places to play."], "text": "Now at the start of a summer/fall 2014 tour that brings the band to Boston on Friday, lead singer and guitarist John Bell shared his favorite places to play."} +{"id": "newsroom-val-sent-170", "summaries": ["Google announced it will add Google Glass options for prescription glasses."], "text": "On Tuesday, Google announced it will add Google Glass options for prescription glasses, its most requested feature since it launched the face-mounted computers last year."} +{"id": "newsroom-val-sent-171", "summaries": ["Senator Bernie Sanders has been going after pharmaceutical companies over drug prices."], "text": "Makers of insulin became the latest target for Senator Bernie Sanders, who has been going after pharmaceutical companies one by one over the issue of high U.S. drug prices."} +{"id": "newsroom-val-sent-172", "summaries": ["Michael Phelps\ufeff dropped $2.5 mil on a HUGE mansion in Scottsdale, Arizona."], "text": "Killing it in water gets you a sick place on land ... just ask Michael Phelps\ufeff, who dropped $2.5 mil on a HUGE mansion in Scottsdale, Arizona ... complete with a sick pool (of course)."} +{"id": "newsroom-val-sent-173", "summaries": ["Spanish Prime Minister Mariano Rajoy staunchly denied allegations that he received secret cash payments."], "text": "Spanish Prime Minister Mariano Rajoy on Saturday staunchly denied allegations that he and other conservative leaders received secret cash payments for years from the ruling Popular Party."} +{"id": "newsroom-val-sent-174", "summaries": ["Hillary Clinton wasn\u2019t by any stretch the first woman to run for President."], "text": "Though she just became the first woman to clinch the nomination of either major U.S. political party, Hillary Clinton wasn\u2019t by any stretch the first woman to run for President."} +{"id": "newsroom-val-sent-175", "summaries": ["Xcel raised $22.5 million in new funding."], "text": "Xcel Pharmaceuticals Inc., San Diego, announced it raised $22.5 million in new funding."} +{"id": "newsroom-val-sent-176", "summaries": ["Legendary racehorse trainer Bart Cummings has died aged 87."], "text": "Legendary Australian racehorse trainer Bart Cummings has died aged 87, surrounded by his family at his Castlereagh homestead."} +{"id": "newsroom-val-sent-177", "summaries": ["Fashion designer Ivanka Trump famously converted to Judaism before marrying Jared Kushner in 2009."], "text": "Fashion designer Ivanka Trump, daughter of billionaire real estate mogul and presidential candidate Donald Trump, famously converted to Judaism before marrying Jared Kushner in 2009."} +{"id": "newsroom-val-sent-178", "summaries": ["A powerful explosion ripped through a religious congregation in Karachi this evening."], "text": "A powerful explosion ripped through a religious congregation in the southern port city of Karachi this evening, leaving at least 47 dead and more than 80 wounded, officials said."} diff --git a/SCRL_new/example.py b/SCRL_new/example.py new file mode 100644 index 0000000000000000000000000000000000000000..2c28e739a0ff86859057f80b71280a92186b5277 --- /dev/null +++ b/SCRL_new/example.py @@ -0,0 +1,23 @@ +from scrl.model import load_model +from transformers import AutoTokenizer + + +def main(): + # model_dir = "data/models/gigaword-L8/" + # model_dir = "data/models/newsroom-L11/" + model_dir = "data/models/newsroom-P75/" + device = "cpu" + model = load_model(model_dir, device) + tokenizer = AutoTokenizer.from_pretrained("distilroberta-base") + sources = [ + """ + Most remaining Covid restrictions in Victoria have now been removed for those who are fully vaccinated, with the state about to hit its 90% vaccinated target. + """.strip() + ] + summaries = model.predict(sources, tokenizer, device) + for s in summaries: + print(s) + + +if __name__ == '__main__': + main() diff --git a/SCRL_new/images/model.png b/SCRL_new/images/model.png new file mode 100644 index 0000000000000000000000000000000000000000..4e13e26d71acc1f8f0ecef76c4cad991aa81a752 Binary files /dev/null and b/SCRL_new/images/model.png differ diff --git a/SCRL_new/loaders/gigaword.py b/SCRL_new/loaders/gigaword.py new file mode 100644 index 0000000000000000000000000000000000000000..a02d63a324781053f149dd135e0d97244580c67e --- /dev/null +++ b/SCRL_new/loaders/gigaword.py @@ -0,0 +1,52 @@ +import os +import json +import datasets +from pathlib import Path + + +_DESCRIPTION = "Gigaword dataset" +_DOCUMENT = "document" +_ID = "id" + + +class GigawordDataset(datasets.GeneratorBasedBuilder): + + VERSION = datasets.Version("1.0.0") + + def _info(self): + return datasets.DatasetInfo( + description=_DESCRIPTION, + features=datasets.Features( + { + _DOCUMENT: datasets.Value("string"), + _ID: datasets.Value("string"), + } + ), + #supervised_keys=(_DOCUMENT, _SUMMARY), + ) + + def _split_generators(self, dl_manager): + """Returns SplitGenerators.""" + data_dir = dl_manager._data_dir + return [ + datasets.SplitGenerator( + name=datasets.Split.TRAIN, + gen_kwargs={"path": os.path.join(data_dir, "train.jsonl"), "name": "train"} + ), + datasets.SplitGenerator( + name=datasets.Split.VALIDATION, + gen_kwargs={"path": os.path.join(data_dir, "val.jsonl"), "name": "validation"} + ), + ] + + def _generate_examples(self, path=None, name=None): + """Yields examples.""" + with open(path, encoding="utf-8") as f: + for i, line in enumerate(f): + x = json.loads(line) + id = x["id"] + item = { + _ID: id, + _DOCUMENT: x["text"], + } + yield id, item diff --git a/SCRL_new/loaders/newsroom.py b/SCRL_new/loaders/newsroom.py new file mode 100644 index 0000000000000000000000000000000000000000..81b4e146bc0a3d11e5eb75603cb04668966fd7a1 --- /dev/null +++ b/SCRL_new/loaders/newsroom.py @@ -0,0 +1,51 @@ +import os +import json +import datasets +from pathlib import Path + + +_DESCRIPTION = "Newsroom validation dataset" +_DOCUMENT = "document" +_ID = "id" + + +class NewsroomDatasetValidation(datasets.GeneratorBasedBuilder): + + VERSION = datasets.Version("1.0.0") + + def _info(self): + return datasets.DatasetInfo( + description=_DESCRIPTION, + features=datasets.Features( + { + _DOCUMENT: datasets.Value("string"), + _ID: datasets.Value("string"), + } + ), + ) + + def _split_generators(self, dl_manager): + """Returns SplitGenerators.""" + data_dir = dl_manager._data_dir + return [ + datasets.SplitGenerator( + name=datasets.Split.TRAIN, + gen_kwargs={"path": os.path.join(data_dir, "train.jsonl"), "name": "train"} + ), + datasets.SplitGenerator( + name=datasets.Split.VALIDATION, + gen_kwargs={"path": os.path.join(data_dir, "val.jsonl"), "name": "validation"} + ), + ] + + def _generate_examples(self, path=None, name=None): + """Yields examples.""" + with open(path, encoding="utf-8") as f: + for i, line in enumerate(f): + x = json.loads(line) + id = x["id"] + item = { + _ID: id, + _DOCUMENT: x["sentence"], + } + yield id, item diff --git a/SCRL_new/requirements.txt b/SCRL_new/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..7dcca7735d4a755135d023b2542670cc0139ecc1 --- /dev/null +++ b/SCRL_new/requirements.txt @@ -0,0 +1,5 @@ +transformers==4.11.3 +datasets==1.14.0 +sentence-transformers==2.1.0 +rouge-score==0.0.4 +nltk==3.6.5 diff --git a/SCRL_new/scrl/__init__.py b/SCRL_new/scrl/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/SCRL_new/scrl/config.py b/SCRL_new/scrl/config.py new file mode 100644 index 0000000000000000000000000000000000000000..fdee6baae41aec0aeeaadd25b621b32cfb884ddd --- /dev/null +++ b/SCRL_new/scrl/config.py @@ -0,0 +1,65 @@ +import json +from dataclasses import dataclass, make_dataclass, asdict, field +from typing import List + + +@dataclass +class Config: + # paths + config: str = "config/default.json" + loader: str = "loaders/newsroom.py" + dataset: str = "" + indices: str = "" + model_dir: str = "default_model_dir" + validation_datasets: List = field(default_factory=lambda: []) + + # training settings/hyperparams + batch_size: int = 4 + learning_rate: float = 0.00001 + k_samples: int = 1 + sample_aggregation: str = "max" + max_val_steps: int = None + max_train_steps: int = None + max_train_seconds: int = None + print_every: int = 10 + save_every: int = 100 + eval_every: int = 100 + verbose: bool = True + + # pretrained models + encoder_model_id: str = "distilroberta-base" + # reward settings + rewards: tuple = ( + "FluencyReward", + "BiEncoderSimilarity", + "GaussianLength", + ) + + +def validate_config(args): + assert (args.sample_aggregation in ("max", "mean")) + + +def load_config(args): + """ + Loads settings into a dataclass object, from the following sources: + - defaults defined above by DefaultConfig + - args.config (path to a JSON config file) + - args (from using argparse in a script) + + Overlapping fields are overwritten in that order. + + Example usage: + (...) + args = load_config(parser.parse_args()) + args.batch_size + """ + config = asdict(Config()) + if args.config: + with open(args.config) as f: + config.update(json.load(f)) + config.update(args.__dict__) + Config_ = make_dataclass("Config", fields=config.items()) + config_object = Config_(**config) + validate_config(config_object) + return config_object diff --git a/SCRL_new/scrl/config_hc.py b/SCRL_new/scrl/config_hc.py new file mode 100644 index 0000000000000000000000000000000000000000..192925994d72818aa96f9265a2c6dd4142c0d2ec --- /dev/null +++ b/SCRL_new/scrl/config_hc.py @@ -0,0 +1,50 @@ +import json +from dataclasses import dataclass, make_dataclass, asdict, field +from typing import List + + +@dataclass +class Config: + device: str = "cpu" + # paths + config: str = "config/default.json" + loader: str = "loaders/google_sc.py" + dataset: str = "" + indices: str = "" + model_dir: str = "default_model_dir" + validation_datasets: List = field(default_factory=lambda: []) + + # training settings/hyperparams + batch_size: int = 4 + verbose: bool = True + + # pretrained models + encoder_model_id: str = "distilroberta-base" + # reward settings + rewards: tuple = ( + "FluencyReward", + "CrossSimilarityReward", + ) + + +def load_config(args): + """ + Loads settings into a dataclass object, from the following sources: + - defaults defined above by DefaultConfig + - args.config (path to a JSON config file) + - args (from using argparse in a script) + + Overlapping fields are overwritten in that order. + + Example usage: + (...) + args = load_config(parser.parse_args()) + args.batch_size + """ + config = asdict(Config()) + if args.config: + with open(args.config) as f: + config.update(json.load(f)) + config.update(args.__dict__) + Config_ = make_dataclass("Config", fields=config.items()) + return Config_(**config) diff --git a/SCRL_new/scrl/data.py b/SCRL_new/scrl/data.py new file mode 100644 index 0000000000000000000000000000000000000000..69cf934d7757c7c428af2763755356b8833acefe --- /dev/null +++ b/SCRL_new/scrl/data.py @@ -0,0 +1,24 @@ +from datasets import load_dataset + + +def load_data_for_training( + tokenizer, + loader_path, + dataset_dir, + max_input_length=256, + ): + + def preprocess_function(examples): + inputs = [doc for doc in examples["document"]] + model_inputs = tokenizer( + inputs, max_length=max_input_length, truncation=True + ) + return model_inputs + + # preprocess dataset + datasets = load_dataset( + path=loader_path, + data_dir=dataset_dir, + ) + tokenized_datasets = datasets.map(preprocess_function, batched=True) + return tokenized_datasets diff --git a/SCRL_new/scrl/eval_metrics.py b/SCRL_new/scrl/eval_metrics.py new file mode 100644 index 0000000000000000000000000000000000000000..399d0f75ab95c0bbf516eff264d0b1cf0f7af610 --- /dev/null +++ b/SCRL_new/scrl/eval_metrics.py @@ -0,0 +1,24 @@ +from collections import Counter +from rouge_score import rouge_scorer + + +ROUGE_TYPES = ["rouge1", "rouge2", "rougeL"] +rouge_scorer = rouge_scorer.RougeScorer( + ROUGE_TYPES, + use_stemmer=True +) + + +def compute_token_f1(tgt_tokens, pred_tokens, use_counts=True): + if not use_counts: + tgt_tokens = set(tgt_tokens) + pred_tokens = set(pred_tokens) + tgt_counts = Counter(tgt_tokens) + pred_counts = Counter(pred_tokens) + overlap = 0 + for t in (set(tgt_tokens) | set(pred_tokens)): + overlap += min(tgt_counts[t], pred_counts[t]) + p = overlap / len(pred_tokens) if overlap > 0 else 0. + r = overlap / len(tgt_tokens) if overlap > 0 else 0. + f1 = (2 * p * r) / (p + r) if min(p, r) > 0 else 0. + return f1 diff --git a/SCRL_new/scrl/hill_climbing.py b/SCRL_new/scrl/hill_climbing.py new file mode 100644 index 0000000000000000000000000000000000000000..0078f4853799897f5e405ff8a01b0c70f719503a --- /dev/null +++ b/SCRL_new/scrl/hill_climbing.py @@ -0,0 +1,166 @@ +import random +import numpy as np +from nltk import word_tokenize +from collections import defaultdict +from copy import deepcopy +import tqdm + + +class PunktTokenizer: + def __call__(self, texts): + return [word_tokenize(t) for t in texts] + + +class WhiteSpaceTokenizer: + def __call__(self, texts): + return [t.split() for t in texts] + + +class SearchState: + def __init__(self, tokens): + self.tokens = tokens + self.masks = [] + self.mask_set = set() + self.summaries = [] + self.scores = [] + self.best_step = None + self.terminated = False + self.step = 0 + + def update(self, mask, summary, score): + if self.best_step is None or score > self.best_score(): + self.best_step = self.step + self.masks.append(mask) + self.mask_set.add(tuple(mask)) + self.summaries.append(summary) + self.scores.append(score) + self.step += 1 + + def best_mask(self): + return self.masks[self.best_step] + + def best_score(self): + return self.scores[self.best_step] + + def best_summary(self): + return self.summaries[self.best_step] + + def to_dict(self): + return { + "scores": self.scores, + "masks": self.masks, + "summaries": self.summaries, + "best_summary": self.best_summary(), + "best_score": self.best_score(), + } + + +class DynamicRestartHCSC: + def __init__(self, tokenizer, objective): + self.tokenizer = tokenizer + self.objective = objective + self.n_trials = 100 + + def _mask_to_summary(self, mask, tokens): + summary = [tokens[i] for i in range(len(mask)) if mask[i] == 1] + return " ".join(summary) + + def _sample(self, state, sent_len, target_len, from_scratch=False): + """ + Swaps one selected word for another, discarding previous solutions. + """ + if target_len >= sent_len: + mask = [1 for _ in range(sent_len)] + state.terminated = True + return mask, True + if state.step == 0 or from_scratch: + indices = list(range(sent_len)) + sampled = set(random.sample(indices, min(target_len, sent_len))) + mask = [int(i in sampled) for i in indices] + return mask, False + else: + mask = state.masks[state.best_step] + indices = list(range(len(mask))) + one_indices = [i for i in range(len(mask)) if mask[i] == 1] + zero_indices = [i for i in range(len(mask)) if mask[i] == 0] + if len(zero_indices) == 0: + return mask + terminated = True + # trying to find unknown state, heuristically with fixed no. trials + for _ in range(self.n_trials): + i = random.choice(one_indices) + j = random.choice(zero_indices) + new_mask = mask.copy() + new_mask[i] = 0 + new_mask[j] = 1 + if tuple(new_mask) not in state.mask_set: + terminated = False + mask = new_mask + break + # terminate if no unknown neighbor state is found + return mask, terminated + + def aggregate_states(self, states): + masks = [m for s in states for m in s.masks] + summaries = [x for s in states for x in s.summaries] + scores = [x for s in states for x in s.scores] + best_step = np.argmax(scores) + return { + "masks": masks, + "summaries": summaries, + "scores": scores, + "best_score": scores[best_step], + "best_summary": summaries[best_step], + } + + def __call__( + self, + sentences, + target_lens, + n_steps=100, + verbose=False, + return_states=False, + ): + tok_sentences = self.tokenizer(sentences) + batch_size = len(sentences) + terminated_states = [[] for _ in range(batch_size)] + states = [SearchState(s) for s in tok_sentences] + + for t in tqdm.tqdm(list(range(1, n_steps + 1))): + masks = [] + for i in range(batch_size): + if states[i].terminated: + if verbose: + print(f"step {t}, restarting state {i} with score {states[i].best_score()}") + terminated_states[i].append(states[i]) + states[i] = SearchState(tok_sentences[i]) + + mask, terminated = self._sample( + states[i], + sent_len=len(tok_sentences[i]), + target_len=target_lens[i], + ) + states[i].terminated = terminated + masks.append(mask) + + summaries = [ + self._mask_to_summary(m, tokens) + for m, tokens in zip(masks, tok_sentences) + ] + scores, _ = self.objective(sentences, summaries) + + if verbose: + print(f"t={t}") + for i in range(batch_size): + print(f"[{scores[i]:.3f}][{summaries[i]}]") + print() + + for i in range(batch_size): + states[i].update(masks[i], summaries[i], scores[i]) + + for i in range(batch_size): + terminated_states[i].append(states[i]) + output_states = [ + self.aggregate_states(i_states) for i_states in terminated_states + ] + return output_states diff --git a/SCRL_new/scrl/model.py b/SCRL_new/scrl/model.py new file mode 100644 index 0000000000000000000000000000000000000000..9e3a86dc894c3440b844cabdc35e90095bca8f77 --- /dev/null +++ b/SCRL_new/scrl/model.py @@ -0,0 +1,75 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.nn.utils.rnn import pad_sequence +from transformers import AutoModel +from pathlib import Path + + +class LinearTokenSelector(nn.Module): + def __init__(self, encoder, embedding_size=768): + super(LinearTokenSelector, self).__init__() + self.encoder = encoder + self.classifier = nn.Linear(embedding_size, 2, bias=False) + + def forward(self, x): + output = self.encoder(x, output_hidden_states=True) + x = output["hidden_states"][-1] # B * S * H + x = self.classifier(x) + x = F.log_softmax(x, dim=2) + return x + + def save(self, classifier_path, encoder_path): + state = self.state_dict() + state = dict((k, v) for k, v in state.items() if k.startswith("classifier")) + torch.save(state, classifier_path) + self.encoder.save_pretrained(encoder_path) + + def predict(self, texts, tokenizer, device): + input_ids = tokenizer(texts)["input_ids"] + input_ids = pad_sequence( + [torch.tensor(ids) for ids in input_ids], batch_first=True + ).to(device) + logits = self.forward(input_ids) + argmax_labels = torch.argmax(logits, dim=2) + return labels_to_summary(input_ids, argmax_labels, tokenizer) + + +def load_model(model_dir, device="cuda", prefix="best"): + if isinstance(model_dir, str): + model_dir = Path(model_dir) + for p in (model_dir / "checkpoints").iterdir(): + if p.name.startswith(f"{prefix}"): + checkpoint_dir = p + return load_checkpoint(checkpoint_dir, device=device) + + +def load_checkpoint(checkpoint_dir, device="cuda"): + if isinstance(checkpoint_dir, str): + checkpoint_dir = Path(checkpoint_dir) + + encoder_path = checkpoint_dir / "encoder.bin" + classifier_path = checkpoint_dir / "classifier.bin" + + encoder = AutoModel.from_pretrained(encoder_path).to(device) + embedding_size = encoder.state_dict()["embeddings.word_embeddings.weight"].shape[1] + + classifier = LinearTokenSelector(None, embedding_size).to(device) + classifier_state = torch.load(classifier_path, map_location=device) + classifier_state = dict( + (k, v) for k, v in classifier_state.items() + if k.startswith("classifier") + ) + classifier.load_state_dict(classifier_state) + classifier.encoder = encoder + return classifier.to(device) + + +def labels_to_summary(input_batch, label_batch, tokenizer): + summaries = [] + for input_ids, labels in zip(input_batch, label_batch): + selected = [int(input_ids[i]) for i in range(len(input_ids)) + if labels[i] == 1] + summary = tokenizer.decode(selected, skip_special_tokens=True) + summaries.append(summary) + return summaries diff --git a/SCRL_new/scrl/rewards.py b/SCRL_new/scrl/rewards.py new file mode 100644 index 0000000000000000000000000000000000000000..256b665cd19831a93a332d226f7faf6c05a2d19f --- /dev/null +++ b/SCRL_new/scrl/rewards.py @@ -0,0 +1,330 @@ +import numpy as np +import torch +import torch.nn.functional as F +from torch.nn.utils.rnn import pad_sequence +from sentence_transformers import SentenceTransformer, CrossEncoder +from sentence_transformers.util import pytorch_cos_sim +from transformers import AutoTokenizer, AutoModelForMaskedLM, AutoModelForCausalLM +from nltk import word_tokenize +from collections import defaultdict +from pprint import pprint + + +from collections import Counter +from rouge_score import rouge_scorer + + +ROUGE_TYPES = ["rouge1", "rouge2", "rougeL"] +rouge_scorer = rouge_scorer.RougeScorer( + ROUGE_TYPES, + use_stemmer=True +) + + +def load_rewards(args): + rewards, names = [], [] + for name, settings in args.rewards.items(): + settings["device"] = args.device + print("Loading reward:", name) + pprint(settings) + print() + reward_cls = globals()[name] + reward_func = reward_cls(**settings) + rewards.append(reward_func) + names.append(name) + return RewardAggregator(rewards, names) + + +class RewardAggregator: + def __init__(self, reward_generators, reward_names): + self.reward_generators = reward_generators + self.reward_names = reward_names + self.weights = [rg.weight for rg in reward_generators] + self.n_rewards = len(reward_generators) + + def __call__(self, sources, summaries): + name_to_scores = {} + for rg, name in zip(self.reward_generators, self.reward_names): + scores = rg(sources=sources, summaries=summaries) + name_to_scores[name] = scores + final_scores = [] + for i in range(len(summaries)): + score = 0. + total_weights = 0. + for name, w in zip(self.reward_names, self.weights): + score += name_to_scores[name][i] * w + total_weights += w + score /= total_weights + final_scores.append(score) + + return final_scores, name_to_scores + + +class Fluency: + + def __init__( + self, + model_id="distilroberta", + weight=1, + type="masked", + device="cuda", + norm="max", + max_score=40., + min_score=-30., + ): + tokenizer = AutoTokenizer.from_pretrained(model_id) + if type == "masked": + pad_token_id = tokenizer.pad_token_id + model = AutoModelForMaskedLM.from_pretrained(model_id).to(device) + else: + pad_token_id = tokenizer.eos_token_id + model = AutoModelForCausalLM.from_pretrained(model_id).to(device) + + self.model = model + self.tokenizer = tokenizer + self.weight = weight + self.device = device + self.max_score = max_score + self.min_score = min_score + self.pad_token_id = pad_token_id + self.norm = norm + assert self.norm in ("max", "minmax") + + def ids_to_tokens(self, ids): + return [self.tokenizer._convert_id_to_token(id) for id in ids] + + def __call__(self, sources=None, summaries=None, normalize_len=False): + summaries = [s if s != "" else " " for s in summaries] # breaks if string is empty + input_ids = [self.tokenizer.encode(text) for text in summaries] + lens = [len(ids) for ids in input_ids] + input_ids = [torch.tensor(ids) for ids in input_ids] + input_ids = pad_sequence( + input_ids, + batch_first=True, + padding_value=self.pad_token_id + ).to(self.device) + with torch.no_grad(): + output = self.model(input_ids=input_ids, labels=input_ids) + logits = output["logits"] + + scores = [] + for i in range(logits.size(0)): + i_scores = [] + for j in range(logits.size(1)): + tok_idx = input_ids[i, j] + if tok_idx == self.pad_token_id: + break + score = logits[i, j, tok_idx].item() + i_scores.append(score) + i_score_max = np.mean(i_scores) / self.max_score + i_score_minmax = (np.mean(i_scores) - self.min_score) / (self.max_score - self.min_score) + if self.norm == "max": + i_score = i_score_max + else: + i_score = i_score_minmax + scores.append(i_score) + return scores + + +class BiEncoderSimilarity: + def __init__( + self, + model_id="all-distilroberta-v1", + device="cuda", + weight=1 + ): + self.model = SentenceTransformer(model_id).to(device) + self.weight = weight + + def __call__(self, sources=None, summaries=None): + src_embs = self.model.encode(sources) + sum_embs = self.model.encode(summaries) + scores = [] + for i in range(len(summaries)): + score = pytorch_cos_sim( + src_embs[i].reshape(1, -1), + sum_embs[i].reshape(1, -1), + )[0, 0].item() + scores.append(score) + return scores + + +class CrossEncoderSimilarity: + def __init__( + self, + model_id="all-distilroberta-v1", + device="cuda", + weight=1 + ): + self.model = CrossEncoder(model_id, device=device) + self.weight = weight + + def __call__(self, sources=None, summaries=None): + scores = self.model.predict([ + (src, sum) for src, sum in zip(sources, summaries) + ]) + return scores.tolist() + + +class SelectedTokenSimilarity: + def __init__( + self, + model_id="all-distilroberta-v1", + device="cuda", + weight=1 + ): + self.model = SentenceTransformer(model_id).to(device) + self.weight = weight + self.tokenizer = model.tokenizer + + def ids_to_tokens(self, ids): + return [self.tokenizer._convert_id_to_token(id) for id in ids] + + def align_tokens(self, src, summary): + src_ids, sum_ids = self.tokenizer( + [src, summary], + truncation=True, + max_length=self.model.max_seq_length, + ).input_ids + src_tokens = self.ids_to_tokens(src_ids) + sum_tokens = self.ids_to_tokens(sum_ids) + sum_to_src = defaultdict(list) + for i, sum_tok in enumerate(sum_tokens): + for j, src_tok in enumerate(src_tokens): + if sum_tok == src_tok: + sum_to_src[i].append(j) + if len(sum_to_src[i]) == 0: + sum_to_src[i] = None + return sum_to_src + + def compute_score(self, x_sum, x_src, sum_to_src): + S = pytorch_cos_sim(x_sum, x_src).cpu().numpy() + scores = [] + for i, J in sum_to_src.items(): + if J is None: + i_score = 0. + else: + i_scores = [S[i, j] for j in J] + i_score = max(i_scores) + scores.append(i_score) + return np.mean(scores) + + def __call__(self, sources=None, summaries=None): + src_embs = self.model.encode(sources, output_value="token_embeddings") + sum_embs = self.model.encode(summaries, output_value="token_embeddings") + scores = [] + for i in range(len(summaries)): + x_src = src_embs[i] + x_sum = sum_embs[i] + sum_to_src = self.align_tokens(sources[i], summaries[i]) + score = self.compute_score(x_sum, x_src, sum_to_src) + scores.append(score) + return scores + + +class NLIReward(): + def __init__( + self, + model_id="cross-encoder/nli-distilroberta-base", + device="cuda", + weight=1 + ): + self.model = CrossEncoder(model_id, device) + self.label_mapping = ['contradiction', 'entailment', 'neutral'] + self.weight = weight + + def __call__(self, sources=None, summaries=None): + scores = self.model.predict([ + (src, sum) for src, sum in zip(sources, summaries) + ]) + probs = torch.softmax(torch.tensor(scores), dim=1) + labels = [ + self.label_mapping[score_max] for score_max in scores.argmax(axis=1) + ] + rewards = [probs[i, 1].item() for i in range(len(summaries))] + rewards = [ + (0 if summaries[i].strip()=="" else r) + for i, r in enumerate(rewards) + ] + return rewards + + +class GaussianLength: + def __init__(self, mean=11, std=0.3, max_len=100, weight=1, device=None): + self.weight = weight + lens = np.arange(0, max_len + 1) + scores = gaussian(lens, mean, std) + scores /= scores.max() + self.len_to_reward = dict((l, scores[l]) for l in lens) + self.max_len = max_len + + def __call__(self, sources=None, summaries=None): + lens = [len(word_tokenize(s)) for s in summaries] + scores = [ + self.len_to_reward[l] if l <= self.max_len else 0. + for l in lens + ] + return scores + + +class GaussianCR: + def __init__(self, mean=0.45, std=0.3, weight=1, device=None): + self.weight = weight + ratios = np.arange(0, 1.1, 0.01) + scores = gaussian(ratios, mean, std) + scores /= scores.max() + self.ratio_to_reward = dict((round(r, 3), s) for r, s in zip(ratios, scores)) + + def __call__(self, sources=None, summaries=None): + source_lens = [len(word_tokenize(s)) for s in sources] + summary_lens = [len(word_tokenize(s)) for s in summaries] + + ratios = [round(x / y, 2) for x, y in zip(summary_lens, source_lens)] + ratios = [min(1., x) for x in ratios] + + return [ + self.ratio_to_reward[round(ratio, 2)] + for ratio in ratios + ] + + +class NoDaysReward(): + def __init__(self, weight=1, device=None): + self.day_words = [ + "monday", "tuesday", "wednesday", + "thursday", "friday", "saturday", "sunday", + "today", "tomorrow", "yesterday", "tonight" + ] + self.weight = weight + + def __call__(self, sources=None, summaries=None): + scores = [] + for s in summaries: + s = s.lower() + if any([w in s for w in self.day_words]): + score = 0. + else: + score = 1. + scores.append(score) + return scores + + +def gaussian(x, mu, sig): + return np.exp(-np.power(x - mu, 2.) / (2 * np.power(sig, 2.))) + + +class RougeReward: + def __init__(self, rouge_type="rougeL", weight=1, device=None): + self.rouge_type = rouge_type + self.weight = weight + self.targets = None + + def __call__(self, sources=None, summaries=None): + scores = [] + for pred, tgt in zip(summaries, self.targets): + rouge_scores = rouge_scorer.score(tgt, pred) + score = rouge_scores[self.rouge_type].fmeasure + scores.append(score) + return scores + +# diff --git a/SCRL_new/scrl/sampling.py b/SCRL_new/scrl/sampling.py new file mode 100644 index 0000000000000000000000000000000000000000..b3f4b63ac6e0037434f49d047aac4b06cff63213 --- /dev/null +++ b/SCRL_new/scrl/sampling.py @@ -0,0 +1,99 @@ +import torch +import random +import numpy as np +from collections import defaultdict +from torch.distributions import Categorical +from torch.nn.utils.rnn import pad_sequence +from scrl.model import labels_to_summary +from nltk import word_tokenize +from pprint import pprint + + +def sample_from_policy( + input_ids, + probs, + device="cuda", + force_diff=True, + diff_trials=1000, + ): + m = Categorical(probs) + argmax_labels = torch.argmax(probs, dim=2) + sample_labels = m.sample() + + if force_diff: + for _ in range(diff_trials): + if (argmax_labels == sample_labels).all(): + sample_labels = m.sample() + else: + break + + sample_probs = m.log_prob(sample_labels) + return sample_probs, sample_labels + + +def best_of_k_samples( + args, + manager, + tokenizer, + reward_generator, + input_ids, + batch, + probs, + k_samples=50, + return_all=False + ): + batch_size = probs.size(0) + + prob_batches = [] + summary_batches = [] + reward_batches = [] + detail_batches = [] + label_batches = [] + for _ in range(k_samples): + sample_probs, sample_labels = sample_from_policy( + input_ids, + probs, + device=args.device + ) + sample_summaries = labels_to_summary( + input_ids, sample_labels, tokenizer + ) + sample_rewards, sample_details = reward_generator( + batch["document"], sample_summaries + ) + + prob_batches.append(sample_probs) + summary_batches.append(sample_summaries) + reward_batches.append(sample_rewards) + detail_batches.append(sample_details) + label_batches.append(sample_labels) + + + best_indices = [] + for i in range(batch_size): + rewards = [reward_batches[j][i] for j in range(k_samples)] + scored = sorted(enumerate(rewards), key=lambda x: x[1], reverse=True) + best_idx = scored[0][0] + best_indices.append(best_idx) + + sample_probs = torch.stack([prob_batches[j][i] for i, j in enumerate(best_indices)]) + sample_summaries = [summary_batches[j][i] for i, j in enumerate(best_indices)] + sample_rewards = [reward_batches[j][i] for i, j in enumerate(best_indices)] + sample_labels = torch.stack([label_batches[j][i] for i, j in enumerate(best_indices)]) + + sample_details = [] + for i, j in enumerate(best_indices): + detail_keys = sorted(detail_batches[0].keys()) + details = defaultdict(list) + for k in detail_keys: + details[k].append(detail_batches[j][k][i]) + sample_details.append(details) + + sample_data = { + "probs": prob_batches, + "rewards": reward_batches, + "summaries": summary_batches, + "details": detail_batches, + "labels": label_batches, + } + return sample_probs, sample_summaries, sample_rewards, sample_details, sample_labels, sample_data diff --git a/SCRL_new/scrl/training.py b/SCRL_new/scrl/training.py new file mode 100644 index 0000000000000000000000000000000000000000..663c707b2a3447c951fcfb3ae34c2f0d5377b437 --- /dev/null +++ b/SCRL_new/scrl/training.py @@ -0,0 +1,346 @@ +import argparse +import shutil +import logging +import random +import time +from pprint import pprint +from collections import defaultdict +from pathlib import Path + +from scrl.rewards import load_rewards +from scrl.data import load_data_for_training +from scrl.config import load_config +from scrl.model import load_model, LinearTokenSelector, labels_to_summary +import scrl.utils as utils +import scrl.sampling as sampling + +import numpy as np +import torch +from torch.nn.utils.rnn import pad_sequence +from transformers import AutoModel, AutoTokenizer +from sklearn import preprocessing + +from nltk import word_tokenize + + +def print_if(x, do_print=True): + if do_print: + print(x) + + +class TrainingManager: + """ + Object for saving/loading model checkpoints and for tracking and saving + metrics measured during training, e.g. loss, rewards. + + The following directory struture is build around one training run: + + dir/ + val_scores.json + checkpoints/ + latest-model-500/ + classifier.bin + encoder.bin + best-model-200/ + [...] + series/ + loss.npy + [...] + totals/ + loss.npy + [...] + """ + def __init__(self, dir): + self.step = 0 + self.total_seconds = 0 + self.start_time = None + self.series = defaultdict(list) + self.totals = defaultdict(float) + self.dir = dir + dir.mkdir(exist_ok=True) + for subdir_name in ("checkpoints", "series", "totals"): + (dir / subdir_name).mkdir(exist_ok=True) + + def start_clock(self): + self.start_time = time.time() - self.total_seconds + + def load(self): + # load tracked data, e.g. loss, rewards etc. + for p in (self.dir / "series").iterdir(): + k = p.name.split(".npy")[0] + self.series[k] = list(utils.load_numpy(p)) + for p in (self.dir / "totals").iterdir(): + k = p.name.split(".npy")[0] + self.totals[k] = utils.load_numpy(p) + # read latest training step + latest_model_dir = self.find_old_model("latest-model") + self.total_seconds = utils.read_json(self.dir / "time.json")["total_seconds"] + last_step = int(latest_model_dir.name.split("-")[-1]) + self.step = last_step + 1 + + def update_metric(self, key, value): + self.totals[key] += value + self.series[key].append(value) + + def mean_metric(self, key): + return self.totals[key] / (self.step + 1) + + def save_latest_model(self, model, checkpoint_id): + self.save_model(model, checkpoint_id, prefix="latest-model") + + def save_model(self, model, checkpoint_id, prefix): + old_model_dir = self.find_old_model(prefix) + model_dir = self.dir / "checkpoints" / f"{prefix}-{checkpoint_id}" + model_dir.mkdir() + model.save( + classifier_path = model_dir / "classifier.bin", + encoder_path = model_dir / "encoder.bin" + ) + if old_model_dir: + shutil.rmtree(old_model_dir) + + def find_old_model(self, prefix): + model_path = None + for p in (self.dir / "checkpoints").iterdir(): + if p.name.startswith(f"{prefix}"): + model_path = p + return model_path + + def is_empty(self): + latest_model_dir = self.find_old_model("latest-model") + return latest_model_dir is None + + def save_data(self): + for k, v in self.series.items(): + utils.save_numpy(v, self.dir / "series" / f"{k}.npy") + for k, v in self.totals.items(): + utils.save_numpy(v, self.dir / "totals" / f"{k}.npy") + utils.write_json({ + "step": self.step, + "total_seconds": self.total_seconds + }, self.dir / "time.json") + + +def label_variance(probs): + # batch, seq, 2 + variances = [] + for i in range(probs.size(0)): + distrib = probs[i, :, 0] + var = torch.var(distrib) + variances.append(var) + return var.mean().item() + + +def check_gradient(model): + is_zero = [] + is_none = [] + for name, param in list(model.named_parameters()): + if (param.requires_grad): + grad = param.grad + if grad is None: + is_none.append(name) + else: + gradsum = param.grad.sum().item() + if gradsum == 0: + is_zero.append(name) + print("zero-grad:", len(is_zero), is_zero) + print("none-grad:", len(is_none), is_none) + print() + + +def get_mean_max_prob(probs): + return probs.max(dim=2).values.mean().item() + + +def print_training_progress(args, manager, model, probs, argmax_summaries, sample_summaries, batch, argmax_details): + print(f"[step: {manager.step}] [duration(s): {round(manager.total_seconds)}]") + print(f"[example/s: {(args.batch_size * (manager.step + 1)) / manager.total_seconds:.3f}]") + print(f"[s/step: {manager.total_seconds / (manager.step+1):.3f}]") + print(f"[avg-loss: {manager.mean_metric('loss')}]") + print(f"[avg-max-prob: {manager.mean_metric('mean_max_prob'):.3f}]") + print(f"[avg-a-reward: {manager.mean_metric('argmax_reward'):.3f}]") + print(f"[avg-s-reward: {manager.mean_metric('sample_reward'):.3f}]") + print(f"[avg-len: {manager.mean_metric('argmax_len'):.1f}]") + print() + print(f"[a-reward: {manager.series['argmax_reward'][-1]:.3f}]") + print(f"[s-reward: {manager.series['sample_reward'][-1]:.3f}]") + print(f"[max-prob: {manager.series['mean_max_prob'][-1]:.3f}]") + print() + print("[sentences]") + print("\n".join(batch["document"])) + print("\n[current policy summaries]") + print("\n".join(argmax_summaries)) + print("\n[sampled summaries]") + print("\n".join(sample_summaries)) + print() + print("Reward Breakdown:") + pprint(argmax_details) + print() + check_gradient(model) + print("="*100) + + +def setup_model(args): + # setup/load model manager object + model_dir = Path(args.model_dir) + if args.fresh and model_dir.exists(): + utils.ask_rmdir(model_dir) + manager = TrainingManager(model_dir) + if not manager.is_empty(): + manager.load() + + if not (model_dir / "config.json").exists(): + shutil.copy(args.config, model_dir / "config.json") + + # initialize new or load existing model + if manager.step == 0: + encoder = AutoModel.from_pretrained(args.encoder_model_id) + embedding_size = encoder.state_dict()["embeddings.word_embeddings.weight"].shape[1] + model = LinearTokenSelector(encoder, embedding_size).to(args.device) + else: + print("loading latest model from step", manager.step - 1) + model = load_model( + model_dir, prefix="latest", device=args.device + ) + return manager, model + + +def setup_dataset_indices(args, step): + """ + Load pre-built indices that determine in which order we traverse a dataset. + If we continue interrupted training state, we move indices accordingly. + """ + dataset_indices = utils.batchify( + utils.load_numpy(args.indices), + args.batch_size + ) + if step > 0: + utils.move_generator(dataset_indices, step) + return dataset_indices + + +def train( + args, + manager, + model, + tokenizer, + reward_generator, + dataset, + dataset_indices, + eval_func + ): + + optimizer = torch.optim.AdamW(model.parameters(), lr=args.learning_rate) + n_train = len(dataset["train"]) + device = args.device + model.train() + manager.start_clock() + + for indices in dataset_indices: + + step = manager.step + manager.total_seconds = time.time() - manager.start_time + if args.max_train_steps and step >= args.max_train_steps + 1: + break + if args.max_train_seconds and manager.total_seconds >= args.max_train_seconds: + break + + optimizer.zero_grad() + + batch = dataset["train"][indices] + input_ids = pad_sequence( + [torch.tensor(ids) for ids in batch["input_ids"]], + batch_first=True + ).to(device) + + logits = model(input_ids) + probs = torch.softmax(logits, dim=2) + + argmax_labels = torch.argmax(logits, dim=2).to(device) + argmax_summaries = labels_to_summary(input_ids, argmax_labels, tokenizer) + argmax_rewards, argmax_details = reward_generator(batch["document"], argmax_summaries) + a_reward = np.mean(argmax_rewards) + + (sample_probs, sample_summaries, sample_rewards, sample_details, + sample_labels, sample_data) = sampling.best_of_k_samples( + args, manager, tokenizer, reward_generator, + input_ids, batch, probs, + k_samples=args.k_samples, + ) + s_reward = np.mean(sample_rewards) + + if args.sample_aggregation == "max": + loss = (a_reward - s_reward) * sample_probs.sum(1).mean() + else: + loss = 0. + for sample_probs_i, s_rewards_i in zip(sample_data["probs"], sample_data["rewards"]): + s_reward_i = np.mean(s_rewards_i) + loss_i = (a_reward_i - s_reward_i) * sample_probs_i.sum(1).mean() + loss += loss_i + loss /= len(sample_data["rewards"]) + + if args.sample_aggregation == "mean" or a_reward != s_reward: + # not updating model if no reward difference, in case of single sample + loss.backward() + optimizer.step() + + argmax_len = np.mean([len(word_tokenize(s)) for s in argmax_summaries]) + + manager.update_metric("time", time.time()) + manager.update_metric("loss", loss.item()) + manager.update_metric("argmax_reward", a_reward) + manager.update_metric("sample_reward", s_reward) + manager.update_metric("sample_prob", sample_probs.detach().cpu().numpy().mean()) + manager.update_metric("mean_max_prob", get_mean_max_prob(probs)) + manager.update_metric("label_variance", label_variance(probs)) + manager.update_metric("argmax_len", argmax_len) + for rname, rvalues in argmax_details.items(): + manager.update_metric(f"reward|{rname}", np.mean(rvalues)) + + if args.eval_every != None and (step > 0 and step % args.eval_every == 0): + eval_func( + args, manager, model, tokenizer, reward_generator, + dataset["validation"] + ) + model.train() + + if args.save_every != None and (step % args.save_every == 0): + manager.save_latest_model(model, step) + manager.save_data() + + if args.print_every != None and (args.verbose and step % args.print_every == 0): + print_training_progress( + args, manager, model, probs, + argmax_summaries, sample_summaries, batch, + argmax_details + ) + manager.step += 1 + + +def setup_and_train(args, eval_func): + + print_if("loading model", args.verbose) + manager, model = setup_model(args) + + print_if("loading tokenizer", args.verbose) + tokenizer = AutoTokenizer.from_pretrained(args.encoder_model_id) + + print_if("loading rewards", args.verbose) + reward_generator = load_rewards(args) + print_if("rewards:", reward_generator.reward_names) + + print_if("loading dataset", args.verbose) + dataset = load_data_for_training(tokenizer, args.loader, args.dataset) + + dataset_indices = setup_dataset_indices(args, manager.step) + + train( + args, + manager, + model, + tokenizer, + reward_generator, + dataset, + dataset_indices, + eval_func + ) diff --git a/SCRL_new/scrl/utils.py b/SCRL_new/scrl/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..1cdc98513794efb937bfa9c8b34ccc517eeff279 --- /dev/null +++ b/SCRL_new/scrl/utils.py @@ -0,0 +1,86 @@ +import numpy as np +import shutil +import json +import gzip +import random +import torch + + +class TransformersTokenizerWrapper: + def __init__(self, tokenizer): + self.T = tokenizer + + def __call__(self, texts): + token_ids_batch = self.T(texts)["input_ids"] + tokens_batch = [[self.T._convert_id_to_token(id) for id in ids] for ids in token_ids_batch] + tokens_batch = [[self.T.convert_tokens_to_string(t).strip() for t in tokens[1:-1]] for tokens in tokens_batch] + return tokens_batch + + + +def set_random_seed(seed): + torch.manual_seed(seed) + random.seed(seed) + np.random.seed(seed) + + +def ask_rmdir(dir): + val = input( + f"WARNING: Proceed with deleting this directory: {dir} ? (yes|no) " + ) + if val == "yes": + shutil.rmtree(dir) + + +def load_numpy(path): + with open(path, "rb") as f: + x = np.load(f) + return x + + +def save_numpy(x, path): + with open(path, "wb") as f: + np.save(f, x) + + +def batchify(items, batch_size): + for i in range(0, len(items), batch_size): + yield items[i:i + batch_size] + + +def move_generator(items, idx): + if idx == 0: + return + else: + for i, x in enumerate(items): + if i >= idx - 1: + break + + +def read_json(path): + with open(path) as f: + obj = json.load(f) + return obj + + +def write_json(obj, path): + with open(path, 'w') as f: + json.dump(obj, f) + + +def write_jsonl(items, path, mode): + with open(path, mode) as f: + lines = [json.dumps(x) for x in items] + f.write("\n".join(lines) + "\n") + + +def read_jsonl(path): + with open(path) as f: + for line in f: + yield json.loads(line) + + +def read_jsonl_gz(path): + with gzip.open(path) as f: + for l in f: + yield json.loads(l) diff --git a/SCRL_new/setup.py b/SCRL_new/setup.py new file mode 100644 index 0000000000000000000000000000000000000000..732867078873063aea1a89ccee473c320ad40104 --- /dev/null +++ b/SCRL_new/setup.py @@ -0,0 +1,8 @@ +from setuptools import setup + + +setup( + name="scrl", + version=0.1, + packages=["scrl"] +) diff --git a/abs_compressor.py b/abs_compressor.py new file mode 100644 index 0000000000000000000000000000000000000000..b6cea73d3135d46be2f346795b2ad3764627e2cd --- /dev/null +++ b/abs_compressor.py @@ -0,0 +1,44 @@ +from typing import List, Any +import tiktoken + + +class AbstractCompressor: + base_model = None + tokenizer = None + gpt_tokenizer = tiktoken.encoding_for_model("gpt-3.5-turbo-16k") + + def compress(self, original_prompt: str, ratio: float) -> dict: + """ + Input original prompt/sentence and compression ratio, return compressed prompt/sentence.\ + + :param original_prompt: + :param ratio: + :return: dict object + """ + # output content including + # { + # 'compressed_prompt': compressed prompt, + # 'ratio': compression ratio, + # 'original_tokens': token count of original prompt, + # 'compressed_tokens': token count of compressed prompt + # } + raise NotImplementedError() + + def fit(self, datas: List[dict], valid_size: int) -> None: + """ + For trainable methods, call this function for training parameters. + Require training LongBench and valid set size. + :param datas: + :param valid_size: + :return: + """ + raise NotImplementedError() + + def set_model(self, model: Any, **kwargs): + """ + Specify a trained or a pre-trained model. + :param model: + :param kwargs: + :return: + """ + pass diff --git a/kis.py b/kis.py new file mode 100644 index 0000000000000000000000000000000000000000..ad068dccebd5a22bf51d0e8540e8b987a915cb81 --- /dev/null +++ b/kis.py @@ -0,0 +1,47 @@ +from transformers import AutoTokenizer, AutoModelForCausalLM +import torch +from abs_compressor import AbstractCompressor + + +class KiSCompressor(AbstractCompressor): + def __init__(self, DEVICE: str = 'cpu', model_dir: str = 'philippelaban/keep_it_simple'): + self.DEVICE = DEVICE + self.tokenizer = AutoTokenizer.from_pretrained(model_dir, padding_side='right', pad_token='<|endoftext|') + self.tokenizer.pad_token = self.tokenizer.eos_token + self.tokenizer.padding_side = 'right' + self.kis_model = AutoModelForCausalLM.from_pretrained(model_dir) + self.kis_model.to(self.DEVICE) + # if self.tokenizer.pad_token is None: + # self.tokenizer.pad_token = self.tokenizer.eos_token + # self.kis_model.eval() + + def compress(self, original_prompt: str, ratio: float = 0.5, max_length: int = 150, num_beams: int = 4, do_sample: bool = True, num_return_sequences: int = 1, target_index: int = 0) -> dict: + + original_tokens = len(self.gpt_tokenizer.encode(original_prompt)) + + start_id = self.tokenizer.bos_token_id + print(self.tokenizer.padding_side) + tokenized_paragraph = [(self.tokenizer.encode(text=original_prompt) + [start_id])] + input_ids = torch.LongTensor(tokenized_paragraph) + if self.DEVICE == 'cuda': + input_ids = input_ids.type(torch.cuda.LongTensor) + output_ids = self.kis_model.generate(input_ids, max_length=max_length, num_beams=num_beams, do_sample=do_sample, + num_return_sequences=num_return_sequences, + pad_token_id=self.tokenizer.eos_token_id) + output_ids = output_ids[:, input_ids.shape[1]:] + output = self.tokenizer.batch_decode(output_ids) + output = [o.replace(self.tokenizer.eos_token, "") for o in output] + compressed_prompt = output[target_index] + + compressed_tokens = len(self.gpt_tokenizer.encode(compressed_prompt)) + + result = { + 'compressed_prompt': compressed_prompt, + 'ratio': compressed_tokens / original_tokens, + 'original_tokens': original_tokens, + 'compressed_tokens': compressed_tokens, + } + + return result + + diff --git a/models/gigaword-L8/checkpoints/best_val_reward-7700/classifier.bin b/models/gigaword-L8/checkpoints/best_val_reward-7700/classifier.bin new file mode 100644 index 0000000000000000000000000000000000000000..e967aad14f2e7e4765a49ab9db9b6ecbfbf16f45 --- /dev/null +++ b/models/gigaword-L8/checkpoints/best_val_reward-7700/classifier.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6d9c699efc675ab1515860afcc786d4bf78c3e719c38625f9293ce17ea3828e +size 6891 diff --git a/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/config.json b/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/config.json new file mode 100644 index 0000000000000000000000000000000000000000..cb3377d191f5ac8fd5a141f0dc088d91eb27a297 --- /dev/null +++ b/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/config.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db97dc0f0b3d356c9d972f111ef0cdaf260566d4c4b01e6157a81403201aa081 +size 721 diff --git a/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/pytorch_model.bin b/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..b7d3e92d69a5b649f27c74da3ae5c9b2a72c326f --- /dev/null +++ b/models/gigaword-L8/checkpoints/best_val_reward-7700/encoder.bin/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2920e94cd3916078dfbfc101753f8cf739dd50677a3e8e44f0b6dc4b297287e8 +size 328517361 diff --git a/models/gigaword-L8/config.json b/models/gigaword-L8/config.json new file mode 100644 index 0000000000000000000000000000000000000000..2412f953378a997e25980fb225fa7d273fcc1038 --- /dev/null +++ b/models/gigaword-L8/config.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/gigaword.py", + "dataset": "data/train-data/gigaword", + "indices": "data/train-data/gigaword/indices.npy", + "model_dir": "data/models/gigaword-L8-nocr", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "SentenceMeanSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianLength": { + "weight": 1, + "mean": 8, + "std": 4 + } + } +} diff --git a/models/gigaword-L8/series/argmax_len.npy b/models/gigaword-L8/series/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..72b2c6ee360aa17b59ba129c6e8aecc3d65704d4 --- /dev/null +++ b/models/gigaword-L8/series/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e793d8b7450525766dd39d6abab95f06f52384767a017bb3e00a2f9e20cbe4d7 +size 63736 diff --git a/models/gigaword-L8/series/argmax_reward.npy b/models/gigaword-L8/series/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..07beb37612ea5371172d852343d43387704baf08 --- /dev/null +++ b/models/gigaword-L8/series/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29e54e1a54f207de1ebe3e9ca910933e8d5be14a3adbc1bf442c49e368f42502 +size 63736 diff --git a/models/gigaword-L8/series/label_variance.npy b/models/gigaword-L8/series/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..114d71b21ca17e119589a76ac3200344ada3afdc --- /dev/null +++ b/models/gigaword-L8/series/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9492e30aa933b59881a473e90cd8aec416f7f161de6670a3ef32e2d7311db848 +size 63736 diff --git a/models/gigaword-L8/series/loss.npy b/models/gigaword-L8/series/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..597511208f7fc75e22341193f4ebf2c6b884277a --- /dev/null +++ b/models/gigaword-L8/series/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71ea59738950cf170267c59786ab84e5a0cb5636f7f48c7083542fa5108eb65e +size 63736 diff --git a/models/gigaword-L8/series/mean_max_prob.npy b/models/gigaword-L8/series/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..90626a2ea3ef19339e56f89f4a5b38d5bdaf94a9 --- /dev/null +++ b/models/gigaword-L8/series/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d91a94440319efb392d777bcd22a7db47ebd81b45460fc2d5607ef006d244e0d +size 63736 diff --git a/models/gigaword-L8/series/reward_Fluency.npy b/models/gigaword-L8/series/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..41c9777e267133147407c207d872fb4d9bcdccb0 --- /dev/null +++ b/models/gigaword-L8/series/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d5db6aded20b992d3772f7ed1122307120c3ca1f0931c21e4f63f89948bfb2e +size 63736 diff --git a/models/gigaword-L8/series/reward_GaussianLength.npy b/models/gigaword-L8/series/reward_GaussianLength.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e0c4c7445ec21c2ca37beab3ba6046613cb9968 --- /dev/null +++ b/models/gigaword-L8/series/reward_GaussianLength.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ffc2e2b4c58fc051b99cffc00ba9b6cce022b1b2b8d9a6b46896c77788721b5 +size 63736 diff --git a/models/gigaword-L8/series/reward_SentenceMeanSimilarity.npy b/models/gigaword-L8/series/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..b895cc8f917a64ac2ce755a24459a49c9a5de84c --- /dev/null +++ b/models/gigaword-L8/series/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab3c0c9fa4e9823bbd800034b731c4ec3f1cffa544b52d307cc6bf50ff9fd40c +size 63736 diff --git a/models/gigaword-L8/series/sample_prob.npy b/models/gigaword-L8/series/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..fd5275512062e890ec159adbe3b8f7c8aaf070fe --- /dev/null +++ b/models/gigaword-L8/series/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc52e464317969e7c63f7761a0736817a45c01c79417af0726f793a5b11ac5a2 +size 31932 diff --git a/models/gigaword-L8/series/sample_reward.npy b/models/gigaword-L8/series/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..e233a291d689882a82f1495191625891481276be --- /dev/null +++ b/models/gigaword-L8/series/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5cfe86a00a90082ac023e90578e6892eb6db4e4bb9469362d9c85f9f5897d800 +size 63736 diff --git a/models/gigaword-L8/series/time.npy b/models/gigaword-L8/series/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..0cc9046599411f571f7f844fdb26e5c0e75955fc --- /dev/null +++ b/models/gigaword-L8/series/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da0cce022b516f3227fa0e976307ecb476158e1d54dd8df48d15bf22e9e7b6c3 +size 63736 diff --git a/models/gigaword-L8/time.json b/models/gigaword-L8/time.json new file mode 100644 index 0000000000000000000000000000000000000000..fa3616c7b3e79c13c35910dddaaca2e0192d38f3 --- /dev/null +++ b/models/gigaword-L8/time.json @@ -0,0 +1 @@ +{"step": 7950, "total_seconds": 30023.4686191082} \ No newline at end of file diff --git a/models/gigaword-L8/totals/argmax_len.npy b/models/gigaword-L8/totals/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..e202eb4725975b18fa5c635fdfeee24adb966a44 --- /dev/null +++ b/models/gigaword-L8/totals/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b5f6cf068bbf46d4e15b8ea989fbaa00f755e4aa3769e62a89e2f704e08f35c +size 136 diff --git a/models/gigaword-L8/totals/argmax_reward.npy b/models/gigaword-L8/totals/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..93f4c0c4f8fec1d157a7f6ab7380e942623f8384 --- /dev/null +++ b/models/gigaword-L8/totals/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1c1dfddad2265b7b0c607016c13e8019542fd760f0e7e35f920d679328bd24b +size 136 diff --git a/models/gigaword-L8/totals/label_variance.npy b/models/gigaword-L8/totals/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..2706a11e2100cc539e8af9d384348bedbb5eb69b --- /dev/null +++ b/models/gigaword-L8/totals/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2647ef18d87db189b50da594804a912afff3efda97a03fa93255f1a24c48ab0e +size 136 diff --git a/models/gigaword-L8/totals/loss.npy b/models/gigaword-L8/totals/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2ccd6a553f41faec1d77d45c2f996480b8a19ad --- /dev/null +++ b/models/gigaword-L8/totals/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:834b14138d9aab42e9d725d3f15cc26e5847a159eb95033659bac61e1181f118 +size 136 diff --git a/models/gigaword-L8/totals/mean_max_prob.npy b/models/gigaword-L8/totals/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..1364e7bc12c2aba2361207ba8c10523f8eaa14ab --- /dev/null +++ b/models/gigaword-L8/totals/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12cb6cf8f9fed67dc0614c90b842849b4633bcfe2a59f5c4452bd18c0674e93b +size 136 diff --git a/models/gigaword-L8/totals/reward_Fluency.npy b/models/gigaword-L8/totals/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..a536eb357596c65a5b1396cbb9bff1dc081b2e76 --- /dev/null +++ b/models/gigaword-L8/totals/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dba4a7f5387a7948783f6276a98500f4a9ebc908e208bc6a753923a6a81e64f0 +size 136 diff --git a/models/gigaword-L8/totals/reward_GaussianLength.npy b/models/gigaword-L8/totals/reward_GaussianLength.npy new file mode 100644 index 0000000000000000000000000000000000000000..807c10e4549b96b2eae1a7344e66acb471558361 --- /dev/null +++ b/models/gigaword-L8/totals/reward_GaussianLength.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8be5d3c7e928fbdb2aff3704278f5b2e0844ec8b97034c8f6c27d32444c79737 +size 136 diff --git a/models/gigaword-L8/totals/reward_SentenceMeanSimilarity.npy b/models/gigaword-L8/totals/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..df7e65c067a7a1069bef88efc3c9d61e34a23cf6 --- /dev/null +++ b/models/gigaword-L8/totals/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8eae32ed5279ad21bce5698022ef29bf38d65760e977f3e03d64c617c73e054 +size 136 diff --git a/models/gigaword-L8/totals/sample_prob.npy b/models/gigaword-L8/totals/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..a6008eefb210a71f1cdf1af7520096e2b72b1745 --- /dev/null +++ b/models/gigaword-L8/totals/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d406846f15bbc6a4e8b9e0807b527a0b51e75db39dce252febef50cc3562dc5 +size 136 diff --git a/models/gigaword-L8/totals/sample_reward.npy b/models/gigaword-L8/totals/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c8d3601c9bb92cab3eda66752ef5035ce1f6575 --- /dev/null +++ b/models/gigaword-L8/totals/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:844cac5e043e3186932a958776b5a3905a8dc33c6202bcca8130b81371ebb140 +size 136 diff --git a/models/gigaword-L8/totals/time.npy b/models/gigaword-L8/totals/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..b70ec0d7e67b437b6a00b18b4740206669356db3 --- /dev/null +++ b/models/gigaword-L8/totals/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57ef91d4d102e6ec22bbab12d63886521a501a801fda51408d01ade1e38f5fae +size 136 diff --git a/models/gigaword-L8/val_rewards.jsonl b/models/gigaword-L8/val_rewards.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..798b1016ff765c0bb3a346028409d5adfa2ae4e6 --- /dev/null +++ b/models/gigaword-L8/val_rewards.jsonl @@ -0,0 +1,159 @@ +{"step": 50, "score": 0.471725200636242} +{"step": 100, "score": 0.7067323368446723} +{"step": 150, "score": 0.7274658622898913} +{"step": 200, "score": 0.7318463632130178} +{"step": 250, "score": 0.7397343108598542} +{"step": 300, "score": 0.7579634164249883} +{"step": 350, "score": 0.7655319881248022} +{"step": 400, "score": 0.7694031073922648} +{"step": 450, "score": 0.766744320963978} +{"step": 500, "score": 0.7741309450148902} +{"step": 550, "score": 0.772563309461404} +{"step": 600, "score": 0.7750736944574226} +{"step": 650, "score": 0.7791579736030189} +{"step": 700, "score": 0.7789112217396638} +{"step": 750, "score": 0.777057708693697} +{"step": 800, "score": 0.7811543917173257} +{"step": 850, "score": 0.7824686890634759} +{"step": 900, "score": 0.7822336196503571} +{"step": 950, "score": 0.7815697260026333} +{"step": 1000, "score": 0.7808802648167735} +{"step": 1050, "score": 0.7811638594249876} +{"step": 1100, "score": 0.7831407415787193} +{"step": 1150, "score": 0.7851082796775746} +{"step": 1200, "score": 0.7851543628751314} +{"step": 1250, "score": 0.7868399261241876} +{"step": 1300, "score": 0.7886455775209109} +{"step": 1350, "score": 0.7653888789081325} +{"step": 1400, "score": 0.7892305659946666} +{"step": 1450, "score": 0.7888983251172411} +{"step": 1500, "score": 0.7883344978548579} +{"step": 1550, "score": 0.7916623960312903} +{"step": 1600, "score": 0.790818082345933} +{"step": 1650, "score": 0.791714276675979} +{"step": 1700, "score": 0.7906910747135945} +{"step": 1750, "score": 0.7886434803846591} +{"step": 1800, "score": 0.7865845674087076} +{"step": 1850, "score": 0.7910477345165344} +{"step": 1900, "score": 0.7917880294049905} +{"step": 1950, "score": 0.7888219567102344} +{"step": 2000, "score": 0.7885925348994192} +{"step": 2050, "score": 0.7935935198475987} +{"step": 2100, "score": 0.7928562813592609} +{"step": 2150, "score": 0.7930536054275444} +{"step": 2200, "score": 0.7932532279958834} +{"step": 2250, "score": 0.7664183537141126} +{"step": 2300, "score": 0.7850058844064642} +{"step": 2350, "score": 0.7940100649026481} +{"step": 2400, "score": 0.7937586198896776} +{"step": 2450, "score": 0.7853392681239935} +{"step": 2500, "score": 0.7914029964287999} +{"step": 2550, "score": 0.7939571600790039} +{"step": 2600, "score": 0.7963500133081598} +{"step": 2650, "score": 0.7946749818460643} +{"step": 2700, "score": 0.7813224561154932} +{"step": 2750, "score": 0.7938746223830011} +{"step": 2800, "score": 0.7910759777142253} +{"step": 2850, "score": 0.7944045421641708} +{"step": 2900, "score": 0.7908975606397426} +{"step": 2950, "score": 0.7820582723952065} +{"step": 3000, "score": 0.7925971301730832} +{"step": 3050, "score": 0.7931788533756085} +{"step": 3100, "score": 0.7956553732947762} +{"step": 3150, "score": 0.7962057073171137} +{"step": 3200, "score": 0.7909508284062954} +{"step": 3250, "score": 0.7887575335036936} +{"step": 3300, "score": 0.7936194999748729} +{"step": 3350, "score": 0.7953938520832738} +{"step": 3400, "score": 0.7939119284201517} +{"step": 3450, "score": 0.792769990578272} +{"step": 3500, "score": 0.7947989253975476} +{"step": 3550, "score": 0.7954561992028102} +{"step": 3600, "score": 0.7972839484669182} +{"step": 3650, "score": 0.7966939163432003} +{"step": 3700, "score": 0.7960215165669937} +{"step": 3750, "score": 0.7948756113812737} +{"step": 3800, "score": 0.7880292408817181} +{"step": 3850, "score": 0.7963428792019073} +{"step": 3900, "score": 0.7883651135710197} +{"step": 3950, "score": 0.7926669362008405} +{"step": 4000, "score": 0.7928184126347342} +{"step": 4050, "score": 0.7962924007603869} +{"step": 4100, "score": 0.7965478119912175} +{"step": 4150, "score": 0.7974806870282425} +{"step": 4200, "score": 0.7917144090819286} +{"step": 4250, "score": 0.7978175189935335} +{"step": 4300, "score": 0.7956398138497061} +{"step": 4350, "score": 0.7937899717204904} +{"step": 4400, "score": 0.7944416461537046} +{"step": 4450, "score": 0.7960698940912051} +{"step": 4500, "score": 0.797771989707867} +{"step": 4550, "score": 0.7970533108070939} +{"step": 4600, "score": 0.7946770124692846} +{"step": 4650, "score": 0.7914229439311098} +{"step": 4700, "score": 0.7929742059679146} +{"step": 4750, "score": 0.783237836703551} +{"step": 4800, "score": 0.7976793625151304} +{"step": 4850, "score": 0.7997127816027843} +{"step": 4900, "score": 0.7995347161241597} +{"step": 4950, "score": 0.7970805092904838} +{"step": 5000, "score": 0.7980268387084932} +{"step": 5050, "score": 0.798116909317989} +{"step": 5100, "score": 0.7932593556149167} +{"step": 5150, "score": 0.7945903908722827} +{"step": 5200, "score": 0.798614968318319} +{"step": 5250, "score": 0.796941263654432} +{"step": 5300, "score": 0.7983986141993269} +{"step": 5350, "score": 0.7999338318586708} +{"step": 5400, "score": 0.7983554301153702} +{"step": 5450, "score": 0.7896599804475621} +{"step": 5500, "score": 0.7994388405581232} +{"step": 5550, "score": 0.7977659689964185} +{"step": 5600, "score": 0.7981414475104331} +{"step": 5650, "score": 0.7991206696167289} +{"step": 5700, "score": 0.7981653688162673} +{"step": 5750, "score": 0.8003465438654265} +{"step": 5800, "score": 0.794685264890828} +{"step": 5850, "score": 0.7989669648607871} +{"step": 5900, "score": 0.7996481444014657} +{"step": 5950, "score": 0.797541292405554} +{"step": 6000, "score": 0.7983218228519264} +{"step": 6050, "score": 0.7942938133986781} +{"step": 6100, "score": 0.8000648378298726} +{"step": 6150, "score": 0.8000590078990552} +{"step": 6200, "score": 0.7993355543307554} +{"step": 6250, "score": 0.798863996354902} +{"step": 6300, "score": 0.7978225793545544} +{"step": 6350, "score": 0.8004871468586201} +{"step": 6400, "score": 0.8016029550487977} +{"step": 6450, "score": 0.8013159818996621} +{"step": 6500, "score": 0.7940126951150108} +{"step": 6550, "score": 0.7910311666234656} +{"step": 6600, "score": 0.7804947344834978} +{"step": 6650, "score": 0.7953847647966641} +{"step": 6700, "score": 0.8022410000246033} +{"step": 6750, "score": 0.8000310712451497} +{"step": 6800, "score": 0.8014528428178888} +{"step": 6850, "score": 0.8008158631337873} +{"step": 6900, "score": 0.8017845568713509} +{"step": 6950, "score": 0.7995492691745294} +{"step": 7000, "score": 0.802192048392236} +{"step": 7050, "score": 0.8021483533215752} +{"step": 7100, "score": 0.8014704753688002} +{"step": 7150, "score": 0.80214205136236} +{"step": 7200, "score": 0.8018387361927335} +{"step": 7250, "score": 0.8009220857467291} +{"step": 7300, "score": 0.8027872298853563} +{"step": 7350, "score": 0.8017123087488388} +{"step": 7400, "score": 0.7895211495344995} +{"step": 7450, "score": 0.8032537798439352} +{"step": 7500, "score": 0.801710228061302} +{"step": 7550, "score": 0.7997633464926891} +{"step": 7600, "score": 0.7991504821723453} +{"step": 7650, "score": 0.8005941127254353} +{"step": 7700, "score": 0.8039305269813029} +{"step": 7750, "score": 0.8015935472470603} +{"step": 7800, "score": 0.7985182319579495} +{"step": 7850, "score": 0.8005325022372489} +{"step": 7900, "score": 0.8006698018554463} +{"step": 7950, "score": 0.8028240142693579} diff --git a/models/newsroom-L11/checkpoints/best_val_reward-7950/classifier.bin b/models/newsroom-L11/checkpoints/best_val_reward-7950/classifier.bin new file mode 100644 index 0000000000000000000000000000000000000000..da871845391b62a9dad68c280859bcb62bca35b6 --- /dev/null +++ b/models/newsroom-L11/checkpoints/best_val_reward-7950/classifier.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6cd3bfbfe07381b2321a68631c085b6cd257039edf9ca2655b4b9f37db3b614 +size 6891 diff --git a/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/config.json b/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/config.json new file mode 100644 index 0000000000000000000000000000000000000000..42c5ba876d479ba4dd3954e23439434bc8ac1f54 --- /dev/null +++ b/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/config.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1ba8c45740d96283cc758d6185404e324cedc6880139df9e5b153ad91b022ca +size 721 diff --git a/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin b/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..2eb81294bdfe143aaa1607b1fd1b0068534d9abf --- /dev/null +++ b/models/newsroom-L11/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb9ad2b4ed776e29f20eb1963a4866e40a473fe5ff992ee0b0c8772fb5fa32fa +size 328517361 diff --git a/models/newsroom-L11/config.json b/models/newsroom-L11/config.json new file mode 100644 index 0000000000000000000000000000000000000000..264aedf50225e34a3a7bf38a4ce739d590c1b52e --- /dev/null +++ b/models/newsroom-L11/config.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/newsroom.py", + "dataset": "data/train-data/newsroom", + "indices": "data/train-data/newsroom/indices.npy", + "model_dir": "data/models/newsroom-L11-nocr", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "SentenceMeanSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianLength": { + "weight": 1, + "mean": 11, + "std": 4.4 + } + } +} diff --git a/models/newsroom-L11/series/argmax_len.npy b/models/newsroom-L11/series/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..649c6adab9d8a598d8da5907b8badbfd2a4565bf --- /dev/null +++ b/models/newsroom-L11/series/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fb2b1f07b286a97bdf31e4237098b274f5bfadf272427e63ef3c5192d2cfde0 +size 63736 diff --git a/models/newsroom-L11/series/argmax_reward.npy b/models/newsroom-L11/series/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..a386e6df248f8426f39af6a7ccd4e4c90749ca27 --- /dev/null +++ b/models/newsroom-L11/series/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03288e1187b89110dc3e0844731c6c46e9b628e665f52edf2a518c6ac4651ecc +size 63736 diff --git a/models/newsroom-L11/series/label_variance.npy b/models/newsroom-L11/series/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c11bb5a39d596acdd00994158d3754007bfd015 --- /dev/null +++ b/models/newsroom-L11/series/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:139d6ebee8709ac1c7f3b2e28fbcb73cb99a7921a8980f9afb72751e94645183 +size 63736 diff --git a/models/newsroom-L11/series/loss.npy b/models/newsroom-L11/series/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..6a765c39b538561c2ad98d3b446c3b50b158b6d3 --- /dev/null +++ b/models/newsroom-L11/series/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c53a08d521dd25ab6be0b145a1e358c8f6813df18e2c816d35ae080e6fd81b3b +size 63736 diff --git a/models/newsroom-L11/series/mean_max_prob.npy b/models/newsroom-L11/series/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..fccccfd76a7cd41e28ae20e974f7499e349a6ebf --- /dev/null +++ b/models/newsroom-L11/series/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90cf64033828e4d102724a752d87e176a857d3946b81c131cb8cfa23d07c13ed +size 63736 diff --git a/models/newsroom-L11/series/reward_Fluency.npy b/models/newsroom-L11/series/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..657556ed2ade0d8383f1d55ce136a85c0b5dadca --- /dev/null +++ b/models/newsroom-L11/series/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:180643e45993b3bdca9efc112306566c0d65fbc7901e354f8fd8764ac8f78798 +size 63736 diff --git a/models/newsroom-L11/series/reward_GaussianLength.npy b/models/newsroom-L11/series/reward_GaussianLength.npy new file mode 100644 index 0000000000000000000000000000000000000000..429e61dad92fa533e43f2518646ded176b467cfc --- /dev/null +++ b/models/newsroom-L11/series/reward_GaussianLength.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66a9b164507ac345865d279b5779a975c2b53d76b7387d9235d136d6140e1f13 +size 63736 diff --git a/models/newsroom-L11/series/reward_SentenceMeanSimilarity.npy b/models/newsroom-L11/series/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..66de15945275f6572966b9a7178267efe47decd7 --- /dev/null +++ b/models/newsroom-L11/series/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5948414be019c1495e1c67039b80887efd260386ff072b9155d8ad18ad5fe86 +size 63736 diff --git a/models/newsroom-L11/series/sample_prob.npy b/models/newsroom-L11/series/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..c09f61b01bb4cfcaf4d88ad61b1c5fe8495561e1 --- /dev/null +++ b/models/newsroom-L11/series/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28783f6715a850f2e1b62ff70e23b4eeadea8d6a33538c1e9bed649247e436f0 +size 31932 diff --git a/models/newsroom-L11/series/sample_reward.npy b/models/newsroom-L11/series/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a32cfb30f94ce02a25a7e38bac5cc00b36b5e3c --- /dev/null +++ b/models/newsroom-L11/series/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd0da3d439ec3b926fe999f027574e2311174b947a176d3349d284758ed38ab0 +size 63736 diff --git a/models/newsroom-L11/series/time.npy b/models/newsroom-L11/series/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..3885ca068f0f7e78453cc75537b8ee04698826ba --- /dev/null +++ b/models/newsroom-L11/series/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ded680e7efe4c6e664f0bcc7524dabfe2eb20bda7539a8bd849ab082e1db8733 +size 63736 diff --git a/models/newsroom-L11/time.json b/models/newsroom-L11/time.json new file mode 100644 index 0000000000000000000000000000000000000000..8249882a3efe84d3de7888641fde648b5f662416 --- /dev/null +++ b/models/newsroom-L11/time.json @@ -0,0 +1 @@ +{"step": 7950, "total_seconds": 30873.78689455986} \ No newline at end of file diff --git a/models/newsroom-L11/totals/argmax_len.npy b/models/newsroom-L11/totals/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ba965ea51a827b7ab59bab343b01af5fc8f1db4 --- /dev/null +++ b/models/newsroom-L11/totals/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d955a95fc57e335bbd6240a0f2deb9e0cd471b2ac61708803f0fec45fde5c60c +size 136 diff --git a/models/newsroom-L11/totals/argmax_reward.npy b/models/newsroom-L11/totals/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..3787ad1f9ee595ca6e39f0dd0cd9ae2a754518dc --- /dev/null +++ b/models/newsroom-L11/totals/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17b401389220d3991d4a160310e232f74ee632a08571df7c71e1a85b360a2b1b +size 136 diff --git a/models/newsroom-L11/totals/label_variance.npy b/models/newsroom-L11/totals/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..0592b2f5afcd08a141bfa06d3e8d4a1f41bb44b5 --- /dev/null +++ b/models/newsroom-L11/totals/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb4c8d6907832beb13c58ab172636f65e0a1bbdcdac1b4ebd396a5f4a0cb082b +size 136 diff --git a/models/newsroom-L11/totals/loss.npy b/models/newsroom-L11/totals/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..7d8a298b4c9951bebfdeb8acf026f38d079ed19f --- /dev/null +++ b/models/newsroom-L11/totals/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e0fd8ea7df512afd3d83d5a403f20af8aa57009f16295c12a228da8126e3beb +size 136 diff --git a/models/newsroom-L11/totals/mean_max_prob.npy b/models/newsroom-L11/totals/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..510d3f740443a90ae8bd26d037634a0dc9a699d3 --- /dev/null +++ b/models/newsroom-L11/totals/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5d7d298f49cc4375ce72967e7653e94b7abfd07f0c2ee10abc8cea00247410a +size 136 diff --git a/models/newsroom-L11/totals/reward_Fluency.npy b/models/newsroom-L11/totals/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..8743d41e60d900c64bf04c20df8cefaa0a1af0cf --- /dev/null +++ b/models/newsroom-L11/totals/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff4c2619c3282c335e063bd92f0f34b46f3b614290816e7ff76128952ff3ff65 +size 136 diff --git a/models/newsroom-L11/totals/reward_GaussianLength.npy b/models/newsroom-L11/totals/reward_GaussianLength.npy new file mode 100644 index 0000000000000000000000000000000000000000..58d87463162bc221acbc9436cfea4f476e7b0835 --- /dev/null +++ b/models/newsroom-L11/totals/reward_GaussianLength.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cba2494c380091653e9685bbe5f5b379ae0ff96b7716cf66822cbc677acc3d4a +size 136 diff --git a/models/newsroom-L11/totals/reward_SentenceMeanSimilarity.npy b/models/newsroom-L11/totals/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..65b0cb7b1b08fc277c40ae6d5495647307291a8e --- /dev/null +++ b/models/newsroom-L11/totals/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45843c11bcb37728b74013b29db76d8cd9c2f344613db7ef472d8ec0d502d9db +size 136 diff --git a/models/newsroom-L11/totals/sample_prob.npy b/models/newsroom-L11/totals/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..00e2222c50e53850e5f8836b4937bf9711f04614 --- /dev/null +++ b/models/newsroom-L11/totals/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db2fa1113bc7769fcf99e73b08b379b8d96a65e9797c3e416d409b5140596561 +size 136 diff --git a/models/newsroom-L11/totals/sample_reward.npy b/models/newsroom-L11/totals/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..f12f6836005b915ef7a4c7e643efd37398a1b033 --- /dev/null +++ b/models/newsroom-L11/totals/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6843ea5998e277e8e634a42bcc8b0db97e90d3d89bbea88ab995a61fe7efc678 +size 136 diff --git a/models/newsroom-L11/totals/time.npy b/models/newsroom-L11/totals/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..0cd4948b3b01248514b68621304f22c8e8cd032a --- /dev/null +++ b/models/newsroom-L11/totals/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b0320c624e44de506e7fbd737bce2f22ac144c1e299748a3b3f8940c800cfc8 +size 136 diff --git a/models/newsroom-L11/val_rewards.jsonl b/models/newsroom-L11/val_rewards.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..0f1f49549ca7b26c22b4ab5531deb4e0f5da9a5c --- /dev/null +++ b/models/newsroom-L11/val_rewards.jsonl @@ -0,0 +1,159 @@ +{"step": 50, "score": 0.5600825537247436} +{"step": 100, "score": 0.7160333037645308} +{"step": 150, "score": 0.7415132375583778} +{"step": 200, "score": 0.7646486601158993} +{"step": 250, "score": 0.753900180541996} +{"step": 300, "score": 0.7791755375446883} +{"step": 350, "score": 0.7879296430895751} +{"step": 400, "score": 0.7936365759202212} +{"step": 450, "score": 0.8003163527432773} +{"step": 500, "score": 0.804375982907132} +{"step": 550, "score": 0.8025337746540109} +{"step": 600, "score": 0.8066804929458806} +{"step": 650, "score": 0.805683673270486} +{"step": 700, "score": 0.807707975981405} +{"step": 750, "score": 0.8103491635548241} +{"step": 800, "score": 0.7982157335075735} +{"step": 850, "score": 0.8097115077852215} +{"step": 900, "score": 0.808007365388258} +{"step": 950, "score": 0.8026434635530465} +{"step": 1000, "score": 0.8029641750761232} +{"step": 1050, "score": 0.8118594590094432} +{"step": 1100, "score": 0.8138242778808067} +{"step": 1150, "score": 0.8148499201079165} +{"step": 1200, "score": 0.8142244010907924} +{"step": 1250, "score": 0.8079136209212462} +{"step": 1300, "score": 0.8081123889662722} +{"step": 1350, "score": 0.8097404240715987} +{"step": 1400, "score": 0.8145890024949975} +{"step": 1450, "score": 0.8102011363933808} +{"step": 1500, "score": 0.8173217910710835} +{"step": 1550, "score": 0.8091349723793799} +{"step": 1600, "score": 0.8167768314718523} +{"step": 1650, "score": 0.8147662013418006} +{"step": 1700, "score": 0.8064179274670655} +{"step": 1750, "score": 0.804794661384035} +{"step": 1800, "score": 0.8191092348095996} +{"step": 1850, "score": 0.8152777185397143} +{"step": 1900, "score": 0.8183795887279695} +{"step": 1950, "score": 0.8131329272210601} +{"step": 2000, "score": 0.8196157372010608} +{"step": 2050, "score": 0.8130854941887788} +{"step": 2100, "score": 0.8165477217247152} +{"step": 2150, "score": 0.817675173599929} +{"step": 2200, "score": 0.8190740988866444} +{"step": 2250, "score": 0.816429895715111} +{"step": 2300, "score": 0.8196442254729276} +{"step": 2350, "score": 0.8193104055929125} +{"step": 2400, "score": 0.8177349523508064} +{"step": 2450, "score": 0.8151212270862905} +{"step": 2500, "score": 0.817476535215153} +{"step": 2550, "score": 0.8193416028759755} +{"step": 2600, "score": 0.8173432518336962} +{"step": 2650, "score": 0.8036066617135473} +{"step": 2700, "score": 0.8225247464997466} +{"step": 2750, "score": 0.8222590379149861} +{"step": 2800, "score": 0.8184771214188691} +{"step": 2850, "score": 0.8161350837426327} +{"step": 2900, "score": 0.8216721552741456} +{"step": 2950, "score": 0.8151865013636144} +{"step": 3000, "score": 0.8207507259285893} +{"step": 3050, "score": 0.815293519407251} +{"step": 3100, "score": 0.8232930542338762} +{"step": 3150, "score": 0.8194217432080888} +{"step": 3200, "score": 0.8153201703444041} +{"step": 3250, "score": 0.8238689107745046} +{"step": 3300, "score": 0.8224847957480224} +{"step": 3350, "score": 0.8244100896435445} +{"step": 3400, "score": 0.8209398247303468} +{"step": 3450, "score": 0.8181315146503356} +{"step": 3500, "score": 0.8228899565505313} +{"step": 3550, "score": 0.8252197302277502} +{"step": 3600, "score": 0.8209153141605355} +{"step": 3650, "score": 0.8225599482141284} +{"step": 3700, "score": 0.813239540073101} +{"step": 3750, "score": 0.8248502084879364} +{"step": 3800, "score": 0.8252416425026308} +{"step": 3850, "score": 0.8232330066864841} +{"step": 3900, "score": 0.8212150780658433} +{"step": 3950, "score": 0.8154009622474487} +{"step": 4000, "score": 0.8222541059225692} +{"step": 4050, "score": 0.8191898886215535} +{"step": 4100, "score": 0.8272256504887692} +{"step": 4150, "score": 0.821779135287197} +{"step": 4200, "score": 0.8191734289266257} +{"step": 4250, "score": 0.8264217390918509} +{"step": 4300, "score": 0.8253068540299224} +{"step": 4350, "score": 0.8258056905799496} +{"step": 4400, "score": 0.8267062702226036} +{"step": 4450, "score": 0.8221718422953366} +{"step": 4500, "score": 0.8199994246451825} +{"step": 4550, "score": 0.8252450230587468} +{"step": 4600, "score": 0.822553507120066} +{"step": 4650, "score": 0.8249520931079006} +{"step": 4700, "score": 0.825128961893334} +{"step": 4750, "score": 0.8256260303864421} +{"step": 4800, "score": 0.8261325005092448} +{"step": 4850, "score": 0.8158265058489559} +{"step": 4900, "score": 0.8171151723445829} +{"step": 4950, "score": 0.8258768473629783} +{"step": 5000, "score": 0.824699477859566} +{"step": 5050, "score": 0.8253544677904988} +{"step": 5100, "score": 0.820042407440226} +{"step": 5150, "score": 0.8081891943156574} +{"step": 5200, "score": 0.8234324940840629} +{"step": 5250, "score": 0.8118778653620797} +{"step": 5300, "score": 0.8272362747701436} +{"step": 5350, "score": 0.8251873152553797} +{"step": 5400, "score": 0.8253175497819278} +{"step": 5450, "score": 0.82605107306342} +{"step": 5500, "score": 0.8259306959064308} +{"step": 5550, "score": 0.819401486265195} +{"step": 5600, "score": 0.8251817120269181} +{"step": 5650, "score": 0.8208030616651669} +{"step": 5700, "score": 0.8273435408557301} +{"step": 5750, "score": 0.8265721831217137} +{"step": 5800, "score": 0.8273738417262451} +{"step": 5850, "score": 0.8262777195742375} +{"step": 5900, "score": 0.8275267812896142} +{"step": 5950, "score": 0.8250092958780442} +{"step": 6000, "score": 0.8236398771619894} +{"step": 6050, "score": 0.8189616796490211} +{"step": 6100, "score": 0.8291110371211359} +{"step": 6150, "score": 0.8246026362668826} +{"step": 6200, "score": 0.8282749709853853} +{"step": 6250, "score": 0.8221707238114202} +{"step": 6300, "score": 0.8284406104377899} +{"step": 6350, "score": 0.8257812249898718} +{"step": 6400, "score": 0.8244889615047732} +{"step": 6450, "score": 0.8304522660275484} +{"step": 6500, "score": 0.8248220896663072} +{"step": 6550, "score": 0.8258681035105279} +{"step": 6600, "score": 0.8302872372845407} +{"step": 6650, "score": 0.8309077843341448} +{"step": 6700, "score": 0.8235504436952438} +{"step": 6750, "score": 0.8275492194486169} +{"step": 6800, "score": 0.8278539035689911} +{"step": 6850, "score": 0.8259349880581295} +{"step": 6900, "score": 0.8303410865353742} +{"step": 6950, "score": 0.8250796277894957} +{"step": 7000, "score": 0.8241616628070323} +{"step": 7050, "score": 0.8295237556149039} +{"step": 7100, "score": 0.8289991435732607} +{"step": 7150, "score": 0.8303492325152942} +{"step": 7200, "score": 0.8311947318957487} +{"step": 7250, "score": 0.83039924315249} +{"step": 7300, "score": 0.823568445961413} +{"step": 7350, "score": 0.818761908686793} +{"step": 7400, "score": 0.8175686957742276} +{"step": 7450, "score": 0.8289748945181594} +{"step": 7500, "score": 0.8300976503382151} +{"step": 7550, "score": 0.8306490058416762} +{"step": 7600, "score": 0.8303127238271015} +{"step": 7650, "score": 0.8282718031405167} +{"step": 7700, "score": 0.8313761266283056} +{"step": 7750, "score": 0.8279773508497827} +{"step": 7800, "score": 0.8129895598051526} +{"step": 7850, "score": 0.823979547657415} +{"step": 7900, "score": 0.828088323472961} +{"step": 7950, "score": 0.8322161999199741} diff --git a/models/newsroom-P75/checkpoints/best_val_reward-7950/classifier.bin b/models/newsroom-P75/checkpoints/best_val_reward-7950/classifier.bin new file mode 100644 index 0000000000000000000000000000000000000000..d3b5150e26144abf3f25e00b75e8f2dcbd305ce9 --- /dev/null +++ b/models/newsroom-P75/checkpoints/best_val_reward-7950/classifier.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a36d7fe63c2b1c427965465b5418b52aab6242f1068116d22bdcd153289a1867 +size 6891 diff --git a/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/config.json b/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/config.json new file mode 100644 index 0000000000000000000000000000000000000000..0163edf67a122326054aa57917c1ef34d36d2331 --- /dev/null +++ b/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/config.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27037e85229fb1f45d4f38129b791c0c5c26281abb87c95cbf865df17fcfa4d4 +size 716 diff --git a/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin b/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..8feab3738af2805c967cd373ccd0107975dc3f3e --- /dev/null +++ b/models/newsroom-P75/checkpoints/best_val_reward-7950/encoder.bin/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de144ea4c5bac8e15a66b3539c3681b4307a18ba4bc6ca1497e17a6d790f7705 +size 328517361 diff --git a/models/newsroom-P75/config.json b/models/newsroom-P75/config.json new file mode 100644 index 0000000000000000000000000000000000000000..d4bd57a14f533dfe441124a8ae52cee358aebfd7 --- /dev/null +++ b/models/newsroom-P75/config.json @@ -0,0 +1,37 @@ +{ + "loader": "loaders/newsroom.py", + "dataset": "data/train-data/newsroom", + "indices": "data/train-data/newsroom/indices.npy", + "model_dir": "data/models/newsroom-P75", + "verbose": true, + "print_every": 1, + "eval_every": 50, + "save_every": 50, + "max_val_steps": 512, + "max_train_seconds": null, + "max_train_steps": 8000, + "batch_size": 4, + "learning_rate": 1e-05, + "k_samples": 100, + "sample_aggregation": "max", + "loss": "pgb", + "encoder_model_id": "distilroberta-base", + "rewards": { + "Fluency": { + "weight": 1, + "type": "masked", + "model_id": "distilroberta-base", + "max_score": 40.0, + "norm": "max" + }, + "SentenceMeanSimilarity": { + "weight": 1, + "model_id": "all-distilroberta-v1" + }, + "GaussianCR": { + "weight": 1, + "mean": 0.75, + "std": 0.3 + } + } +} diff --git a/models/newsroom-P75/series/argmax_len.npy b/models/newsroom-P75/series/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..64a4e5494d7cca4380660364ac5b5fc0efba1062 --- /dev/null +++ b/models/newsroom-P75/series/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c394cf1136b06bb6e85c966a7eb909dadce79e9d782a11ae1d946066baf7b8d +size 63736 diff --git a/models/newsroom-P75/series/argmax_reward.npy b/models/newsroom-P75/series/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..f63f94eb16a5e26792fb41e9c49efc09279b89e0 --- /dev/null +++ b/models/newsroom-P75/series/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c0b60ebeb854790733a3e22997b20ebd7fdb1424b17cdf24b21365c370c8ef7 +size 63736 diff --git a/models/newsroom-P75/series/label_variance.npy b/models/newsroom-P75/series/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..8351f0da46146522ab1581acdebb684567254276 --- /dev/null +++ b/models/newsroom-P75/series/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d95dba386de545adcbc69c58ea11dd74a51e56ddd95749a161d7776b3efd618 +size 63736 diff --git a/models/newsroom-P75/series/loss.npy b/models/newsroom-P75/series/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..274d4cc4df2c33b21d1eb3e32a7dbab74bd0bdb1 --- /dev/null +++ b/models/newsroom-P75/series/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b9e0316db40098ee02eecbeee3ec4c5e7e3392bd1a037079c52310431c25e6a +size 63736 diff --git a/models/newsroom-P75/series/mean_max_prob.npy b/models/newsroom-P75/series/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..0e174d4f9f1056c874a3f2b2bb52d2feab6c0fdd --- /dev/null +++ b/models/newsroom-P75/series/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a364c353413b104e72249e9e343b86d6a696cc1ee11346f2fbc22d35f6ee1e6 +size 63736 diff --git a/models/newsroom-P75/series/reward_Fluency.npy b/models/newsroom-P75/series/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..f6e4fec26220535c9570b8b92d46167c8469a9c6 --- /dev/null +++ b/models/newsroom-P75/series/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ada0d2babd2810c0f9c7d3c4772550960794bc82bcc985c992d5909881f5f12b +size 63736 diff --git a/models/newsroom-P75/series/reward_GaussianCR.npy b/models/newsroom-P75/series/reward_GaussianCR.npy new file mode 100644 index 0000000000000000000000000000000000000000..2cb8b38f3b327f0ff37ae242d2d52d196e3d48e1 --- /dev/null +++ b/models/newsroom-P75/series/reward_GaussianCR.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a94da91a90126523dd0a06f141ce1c30a046b3f1c54b3d4a0fa9fbc9fbdc6e09 +size 63736 diff --git a/models/newsroom-P75/series/reward_SentenceMeanSimilarity.npy b/models/newsroom-P75/series/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad1107cb26ebf1f9ff13be5623cebff0873f12b9 --- /dev/null +++ b/models/newsroom-P75/series/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb4a230cf67b4e768e4066a377e4a56e8e3f226bcac686d890856a557726f5f0 +size 63736 diff --git a/models/newsroom-P75/series/sample_prob.npy b/models/newsroom-P75/series/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..34862a0b1d211151ea041320e192b3411ae65a79 --- /dev/null +++ b/models/newsroom-P75/series/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d08471608b573b8653abc04fe9dd80fc580fc79ec3016af1e135d0bdb4374b7 +size 31932 diff --git a/models/newsroom-P75/series/sample_reward.npy b/models/newsroom-P75/series/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e95cfa70c378d5a3f13f42d16005d9b2f40aebb --- /dev/null +++ b/models/newsroom-P75/series/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5240c6ffdda0f333f1d6a52baf96eddac35e1305e717954e914365b4f5d19798 +size 63736 diff --git a/models/newsroom-P75/series/time.npy b/models/newsroom-P75/series/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c6b7c230195b2fcfdb85cfc903c6db64cc5a42d --- /dev/null +++ b/models/newsroom-P75/series/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37e5f82adf9bd9565f79bcfc409e7c75b7c02d46d54d4623c9cc82d5f79cfc68 +size 63736 diff --git a/models/newsroom-P75/time.json b/models/newsroom-P75/time.json new file mode 100644 index 0000000000000000000000000000000000000000..e4f518421597d833b03351f8c5f8beb3ae966db0 --- /dev/null +++ b/models/newsroom-P75/time.json @@ -0,0 +1 @@ +{"step": 7950, "total_seconds": 36729.37525987625} \ No newline at end of file diff --git a/models/newsroom-P75/totals/argmax_len.npy b/models/newsroom-P75/totals/argmax_len.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae0c5f95d6c6c419ecc2accb9d65caf3db37a077 --- /dev/null +++ b/models/newsroom-P75/totals/argmax_len.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ba09e48c5564786af470cbf6b8b618d606365fc681ef226bc7a4d9330618018 +size 136 diff --git a/models/newsroom-P75/totals/argmax_reward.npy b/models/newsroom-P75/totals/argmax_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..be717deda639ff6b29c9781451c23a7e01af53d6 --- /dev/null +++ b/models/newsroom-P75/totals/argmax_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea8e26d19142c43d44997c60e6e359b68d34eba0d0831d5ca6e4d7c8c9b8e767 +size 136 diff --git a/models/newsroom-P75/totals/label_variance.npy b/models/newsroom-P75/totals/label_variance.npy new file mode 100644 index 0000000000000000000000000000000000000000..da6ce497c26390b3f396b16d765107864d6ec6de --- /dev/null +++ b/models/newsroom-P75/totals/label_variance.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d131eded5f24f28818725ebd2d182bc21cbc8ac33418ec4977b8c65d2cd60aab +size 136 diff --git a/models/newsroom-P75/totals/loss.npy b/models/newsroom-P75/totals/loss.npy new file mode 100644 index 0000000000000000000000000000000000000000..2f8e20bd4319e5f647df5fa8a281d0ca9748701c --- /dev/null +++ b/models/newsroom-P75/totals/loss.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:518b423c5da206875b2a96d0c7f01b81aea55758e3d7d27fcfa1b3d4f2169faf +size 136 diff --git a/models/newsroom-P75/totals/mean_max_prob.npy b/models/newsroom-P75/totals/mean_max_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7496d5a5b101cc2f7ef1fff34657fa561e68ded --- /dev/null +++ b/models/newsroom-P75/totals/mean_max_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c115f6ec025d3adb053dfc87fcdab6676bc9b4b429c6eb2bb751ceec4d4bb61f +size 136 diff --git a/models/newsroom-P75/totals/reward_Fluency.npy b/models/newsroom-P75/totals/reward_Fluency.npy new file mode 100644 index 0000000000000000000000000000000000000000..aed2aae960a05141758f0ca20aaa4f1b110c4cf4 --- /dev/null +++ b/models/newsroom-P75/totals/reward_Fluency.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4923f3eef47acf73a0a9c9696f865db7bb128dbac25d07c69f527ee937e73df +size 136 diff --git a/models/newsroom-P75/totals/reward_GaussianCR.npy b/models/newsroom-P75/totals/reward_GaussianCR.npy new file mode 100644 index 0000000000000000000000000000000000000000..7dcf32315d8eb7003ae91461e95e33dbbd419375 --- /dev/null +++ b/models/newsroom-P75/totals/reward_GaussianCR.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:382823d262de7bab75ce92a99c0628e2debd116c97b45d5d57b74492d972296f +size 136 diff --git a/models/newsroom-P75/totals/reward_SentenceMeanSimilarity.npy b/models/newsroom-P75/totals/reward_SentenceMeanSimilarity.npy new file mode 100644 index 0000000000000000000000000000000000000000..9a8db1272825e85642333e748ffd208cefd08e90 --- /dev/null +++ b/models/newsroom-P75/totals/reward_SentenceMeanSimilarity.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65f4eb753d91cefa1db45d1f1fab1f7334b64ba53eb9934b6082cec97d0fc82c +size 136 diff --git a/models/newsroom-P75/totals/sample_prob.npy b/models/newsroom-P75/totals/sample_prob.npy new file mode 100644 index 0000000000000000000000000000000000000000..6f02a28e1b535ef48251f3587926d8dbe16f1607 --- /dev/null +++ b/models/newsroom-P75/totals/sample_prob.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83676abed9a88a0a1eb73579ac2bd0aec8213c034d4d56212c2e97d97cc56fad +size 136 diff --git a/models/newsroom-P75/totals/sample_reward.npy b/models/newsroom-P75/totals/sample_reward.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f5317a59d9c6a6792a38624f9ac1b0dcafc21c7 --- /dev/null +++ b/models/newsroom-P75/totals/sample_reward.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e54bcdbeba842a4c8bcc2e6e6019dfbddccc358ddf31313d27c7df7a01f141e +size 136 diff --git a/models/newsroom-P75/totals/time.npy b/models/newsroom-P75/totals/time.npy new file mode 100644 index 0000000000000000000000000000000000000000..31d3b11ea957ab9f76e2aba99ba2138f15a6fd33 --- /dev/null +++ b/models/newsroom-P75/totals/time.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76e6aede0732140c6537ebf27e8c89fcdcac5cb1ecaf2f3c64c735e2b7279689 +size 136 diff --git a/models/newsroom-P75/val_rewards.jsonl b/models/newsroom-P75/val_rewards.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..0cbb6afe60bbab1ba5beb960c2e9ae2cf7cfcffa --- /dev/null +++ b/models/newsroom-P75/val_rewards.jsonl @@ -0,0 +1,159 @@ +{"step": 50, "score": 0.8283134324539405} +{"step": 100, "score": 0.8283134324539405} +{"step": 150, "score": 0.8382784316335946} +{"step": 200, "score": 0.87565528870887} +{"step": 250, "score": 0.8759554493011963} +{"step": 300, "score": 0.88018633985922} +{"step": 350, "score": 0.8801283947632017} +{"step": 400, "score": 0.8849458603530654} +{"step": 450, "score": 0.8850584373101716} +{"step": 500, "score": 0.8831870640322887} +{"step": 550, "score": 0.8862657924181598} +{"step": 600, "score": 0.8879287907716551} +{"step": 650, "score": 0.888359617718917} +{"step": 700, "score": 0.8888664424223289} +{"step": 750, "score": 0.8898338725541177} +{"step": 800, "score": 0.8875200184893313} +{"step": 850, "score": 0.8896366378368942} +{"step": 900, "score": 0.8911240469264998} +{"step": 950, "score": 0.8897653950733934} +{"step": 1000, "score": 0.8863400219783426} +{"step": 1050, "score": 0.8913232799567093} +{"step": 1100, "score": 0.8923818159475123} +{"step": 1150, "score": 0.8911988577013392} +{"step": 1200, "score": 0.8922601409809152} +{"step": 1250, "score": 0.892835918992339} +{"step": 1300, "score": 0.8928710553981657} +{"step": 1350, "score": 0.8910834246494406} +{"step": 1400, "score": 0.8928367154294015} +{"step": 1450, "score": 0.8936643612112523} +{"step": 1500, "score": 0.8925538295382446} +{"step": 1550, "score": 0.8907871126612066} +{"step": 1600, "score": 0.8938084681401481} +{"step": 1650, "score": 0.8938513909465773} +{"step": 1700, "score": 0.8926017538868303} +{"step": 1750, "score": 0.8938495854727357} +{"step": 1800, "score": 0.8936504092039284} +{"step": 1850, "score": 0.8932358544643292} +{"step": 1900, "score": 0.8938076935134851} +{"step": 1950, "score": 0.8901996262616141} +{"step": 2000, "score": 0.8950877945863592} +{"step": 2050, "score": 0.894534826740838} +{"step": 2100, "score": 0.8949094300290359} +{"step": 2150, "score": 0.8944349145563493} +{"step": 2200, "score": 0.8948373851163405} +{"step": 2250, "score": 0.8954467021087977} +{"step": 2300, "score": 0.8952429024051445} +{"step": 2350, "score": 0.8931451204246652} +{"step": 2400, "score": 0.8952362254950417} +{"step": 2450, "score": 0.8919960072030028} +{"step": 2500, "score": 0.894505425929091} +{"step": 2550, "score": 0.8948650206828472} +{"step": 2600, "score": 0.8953750970790608} +{"step": 2650, "score": 0.8946082905967303} +{"step": 2700, "score": 0.8955443243294067} +{"step": 2750, "score": 0.8961763527651689} +{"step": 2800, "score": 0.8956847622256784} +{"step": 2850, "score": 0.8958943976218279} +{"step": 2900, "score": 0.8960151713907711} +{"step": 2950, "score": 0.896133034880698} +{"step": 3000, "score": 0.8962539427705911} +{"step": 3050, "score": 0.895851308167702} +{"step": 3100, "score": 0.8960345383116355} +{"step": 3150, "score": 0.8968774318696944} +{"step": 3200, "score": 0.8971616206951337} +{"step": 3250, "score": 0.8974804857179277} +{"step": 3300, "score": 0.8972902975478643} +{"step": 3350, "score": 0.8971664476204642} +{"step": 3400, "score": 0.897489686569066} +{"step": 3450, "score": 0.8960264305033274} +{"step": 3500, "score": 0.8970305506286921} +{"step": 3550, "score": 0.8968956637246226} +{"step": 3600, "score": 0.8962759053985496} +{"step": 3650, "score": 0.8976534584058967} +{"step": 3700, "score": 0.8970741065524064} +{"step": 3750, "score": 0.8954944722463356} +{"step": 3800, "score": 0.8976818367803219} +{"step": 3850, "score": 0.8975088559557588} +{"step": 3900, "score": 0.8966912642204689} +{"step": 3950, "score": 0.8979084637940122} +{"step": 4000, "score": 0.8979621588838167} +{"step": 4050, "score": 0.8957953469741269} +{"step": 4100, "score": 0.8940948778368808} +{"step": 4150, "score": 0.8974883052754306} +{"step": 4200, "score": 0.896608589014672} +{"step": 4250, "score": 0.8963754076338519} +{"step": 4300, "score": 0.8967461528919356} +{"step": 4350, "score": 0.8978175126648518} +{"step": 4400, "score": 0.8977756157157618} +{"step": 4450, "score": 0.8978930224660769} +{"step": 4500, "score": 0.8964841876501137} +{"step": 4550, "score": 0.8976494571207743} +{"step": 4600, "score": 0.8982386452742688} +{"step": 4650, "score": 0.8981621592469147} +{"step": 4700, "score": 0.8966905938454153} +{"step": 4750, "score": 0.8961805424777232} +{"step": 4800, "score": 0.8982413707414741} +{"step": 4850, "score": 0.8983790050211959} +{"step": 4900, "score": 0.898052147088658} +{"step": 4950, "score": 0.8980331288774696} +{"step": 5000, "score": 0.8967874651565023} +{"step": 5050, "score": 0.8984159952700528} +{"step": 5100, "score": 0.8979917226167837} +{"step": 5150, "score": 0.8982434393787484} +{"step": 5200, "score": 0.8985472362112594} +{"step": 5250, "score": 0.898036697399726} +{"step": 5300, "score": 0.8986771759530059} +{"step": 5350, "score": 0.8980967657657172} +{"step": 5400, "score": 0.8982609719925583} +{"step": 5450, "score": 0.8980990810313884} +{"step": 5500, "score": 0.8980024331059993} +{"step": 5550, "score": 0.8975074574668149} +{"step": 5600, "score": 0.8976278724530207} +{"step": 5650, "score": 0.8979552165116895} +{"step": 5700, "score": 0.8965482058435477} +{"step": 5750, "score": 0.8983041914599181} +{"step": 5800, "score": 0.898411338221507} +{"step": 5850, "score": 0.8985099769727312} +{"step": 5900, "score": 0.8978187419020109} +{"step": 5950, "score": 0.8980615953149944} +{"step": 6000, "score": 0.8987791453396228} +{"step": 6050, "score": 0.898578445514008} +{"step": 6100, "score": 0.8986196522787988} +{"step": 6150, "score": 0.8983606707590559} +{"step": 6200, "score": 0.898674242146978} +{"step": 6250, "score": 0.8989544126980072} +{"step": 6300, "score": 0.8987810995181524} +{"step": 6350, "score": 0.8985866001937183} +{"step": 6400, "score": 0.89921446637899} +{"step": 6450, "score": 0.8985906831968252} +{"step": 6500, "score": 0.8991285505750218} +{"step": 6550, "score": 0.8992190566260381} +{"step": 6600, "score": 0.8992933196710317} +{"step": 6650, "score": 0.8981656772773653} +{"step": 6700, "score": 0.8987353576250796} +{"step": 6750, "score": 0.8987747222313643} +{"step": 6800, "score": 0.8976966089556089} +{"step": 6850, "score": 0.8994401895882187} +{"step": 6900, "score": 0.8988709432922406} +{"step": 6950, "score": 0.8990617975317781} +{"step": 7000, "score": 0.8994705661693214} +{"step": 7050, "score": 0.8985027944636594} +{"step": 7100, "score": 0.8985308724798717} +{"step": 7150, "score": 0.8988259772729532} +{"step": 7200, "score": 0.8990128182747672} +{"step": 7250, "score": 0.8996996334384681} +{"step": 7300, "score": 0.8953986639970155} +{"step": 7350, "score": 0.8989464273452953} +{"step": 7400, "score": 0.8993826387674158} +{"step": 7450, "score": 0.899516620460908} +{"step": 7500, "score": 0.8992197274592562} +{"step": 7550, "score": 0.90029356483029} +{"step": 7600, "score": 0.8990811506279714} +{"step": 7650, "score": 0.8998325021738898} +{"step": 7700, "score": 0.8990694710615815} +{"step": 7750, "score": 0.9002195224517118} +{"step": 7800, "score": 0.9003446103221169} +{"step": 7850, "score": 0.8998171883385083} +{"step": 7900, "score": 0.8996666834835512} +{"step": 7950, "score": 0.9005801318704207} diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ba9972b2e83f21b6ba404c212a30e7678b894b37 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,23 @@ +spacy +bs4 +evaluate +openai +pandas +numpy +torch +tqdm +filelock +llmlingua +transformers +datasets +sentence-transformers +rouge-score +nltk +wordfreq +textstat +numpy +wandb +rake-nltk +scikit-learn +python-Levenshtein +colorama \ No newline at end of file diff --git a/scrl_compressor.py b/scrl_compressor.py new file mode 100644 index 0000000000000000000000000000000000000000..d09b7915f0f0c3655890060cedccabe272f65d9f --- /dev/null +++ b/scrl_compressor.py @@ -0,0 +1,65 @@ +from SCRL_new.scrl.model import load_model +from transformers import AutoTokenizer +import re +from abs_compressor import AbstractCompressor + + +class SCRLCompressor(AbstractCompressor): + + def __init__(self, model_dir: str, device: str = "cpu", tokenizer_dir: str = "sentence-transformers/paraphrase-distilroberta-base-v2"): + self.model_dir = model_dir + self.device = device + self.model = load_model(self.model_dir, self.device) + self.tokenizer = AutoTokenizer.from_pretrained(tokenizer_dir) + + def compress(self, original_prompt: str, ratio: float = 0.5, max_length: int = 256) -> dict: + original_tokens = len(self.gpt_tokenizer.encode(original_prompt)) + + # sources = [original_prompt.strip()] + sources = re.findall(r'.{%d}' % max_length, original_prompt.strip()) + # print(sources) + if sources: + summaries = self.model.predict(sources, self.tokenizer, self.device) + # print(sources) + # print(summaries) + + compressed_prompt = "" + for s in summaries: + compressed_prompt += s + + compressed_tokens = len(self.gpt_tokenizer.encode(compressed_prompt)) + + result = { + 'compressed_prompt': compressed_prompt, + 'ratio': compressed_tokens / original_tokens, + 'original_tokens': original_tokens, + 'compressed_tokens': compressed_tokens, + } + + return result + else: + result = { + 'compressed_prompt': "", + 'ratio': 0, + 'original_tokens': "", + 'compressed_tokens': "", + } + return result + + +if __name__ == '__main__': + import time + + compressor = SCRLCompressor(model_dir="../../models/newsroom-P75/", device="cuda", tokenizer_dir="/home/hdd/lijinyi/CompressionInAvalon/src/models/sentence-transformers/paraphrase-distilroberta-base-v2") + # model_dir = "../../models/newsroom-P75/" + # model_dir = "../../models/gigaword-L8/" + # model_dir = "../../models/newsroom-L11/" + + # test_prompt = "You belong to good side. In reveal phase, You can know which two players are Morgana and Assassin but you can't know which one is Morgana or Assassin specifically, you should reason it by yourself as the game progresses." + # test_prompt = "You are an Avalon gamer and you are playing a 6-player Avalon game. \nThis game is based on text conversations. Here are the game rules: \n\nRoles: The moderator is also the host, he organized this game and you need to answer his instructions correctly. Don’t talk with the moderator. There are five roles in the game, Merlin, Percival, Loyal Servant, Morgana, Assassin. Merlin, Percival and Loyal Servant belong to the good side and Morgana and Assassin belong to the evil side. \n\nRules: There are two alternate phases in this game, reveal phase and quest phase. \nWhen it’s the reveal phase: You need to follow the instructions of the moderator. You needn’t worry about other players and the moderator knowing what you say and do. No need to worry about suspicions from others during the phase. If you are Merlin, you can know which two players are Morgana and Assassin but you can't know which one is Morgana or Assassin specifically. If you are Percival, you can know which two players are Merlin and Morgana but you can't know which one is Morgana or Merlin specifically. If you are Morgana, you can know which player is Assassin. If you are Assassin, you can know which player is Morgana. If you are a Loyal Servant, you can't get any information in this phase. The quest phase includes 5 rounds. A round includes discussion, voting and engaging in the quest. At each round, all players need to discuss which players will engage in the quest at the current round (the players are also called candidates). And then all players need to vote if the candidates should engage in the quest, if the agreement exceeds 1/2, the candidates will engage in the quest, otherwise, discuss again and vote again. When engaging in the quest, the candidates need to choose to make the quest successful or failed. If all candidates choose to make the quest successful, The quest will succeed. If anyone makes the quest fail, the quest will fail. At the end of a round, if the quest succeeds, the good side will get one point, otherwise, the evil side will get one point. Which side scores 3 points first will win the game. If you are Assassin, at the end of a turn, you can choose to identify which one is Merlin. If the identifying is successful, the evil side directly wins the game. If not successful, the Assassin will expose his identification. \n\nObjectives: your goal is to help your camp get 3 points and win the game. If you are Assassin, you also need to reason which player is Merlin as early as possible. Only give the player’s name when making a decision/voting, and don’t generate other players’ conversation. Reasoning based on facts you have observed and you cannot perceive information (such as acoustic info) other than text. You’re playing with 5 other players. Do not pretend you are other players or the moderator.\n\nYou are player 1, the Morgana. Your playing style is that None.\n" + test_prompt = "" + start = time.time() + result = compressor.compress(original_prompt=test_prompt) + end = time.time() + print(result) + print('程序运行时间为: %s Seconds' % (end - start)) diff --git a/selective_context_compressor.py b/selective_context_compressor.py new file mode 100644 index 0000000000000000000000000000000000000000..d18905925ce2729d5a808515a025ef9977c837cf --- /dev/null +++ b/selective_context_compressor.py @@ -0,0 +1,43 @@ +from selective_context_source import SelectiveContext +from abs_compressor import AbstractCompressor + + +class SCCompressor(AbstractCompressor): + base_model = 'gpt2' + + def __init__(self, lang: str = 'en', model: str = 'gpt2', device: str = 'cpu'): + self.sc = SelectiveContext(model_type=model, lang=lang, device=device) + + def compress(self, original_prompt: str, ratio: float = 0.7, level: str = 'phrase') -> dict: + + # count tokens of original prompt + original_tokens = len(self.gpt_tokenizer.encode(original_prompt)) + + compressed_prompt, reduced_content = self.sc(original_prompt, reduce_ratio=ratio, reduce_level=level) + + # count tokens of compressed prompt + compressed_tokens = len(self.gpt_tokenizer.encode(compressed_prompt)) + + result = { + 'compressed_prompt': compressed_prompt, + 'ratio': compressed_tokens / original_tokens, + 'original_tokens': original_tokens, + 'compressed_tokens': compressed_tokens, + 'reduced_content': reduced_content, + } + return result + + +if __name__ == '__main__': + import time + + compressor = SCCompressor(lang='en', model='gpt2', device='cuda') + test_prompt = "You belong to good side. In reveal phase, You can know which two players are Morgana and Assassin but you can't know which one is Morgana or Assassin specifically, you should reason it by yourself as the game progresses." + + # level can be ['sent', 'phrase', 'token']; model can be ['gpt2', 'curie'], lang can only be 'en' + # if model is 'curie', an OPENAI-API-Key must be given in selective_context.py + start = time.time() + result = compressor.compress(original_prompt=test_prompt, ratio=0.4, level='phrase') + end = time.time() + print(result) + print('程序运行时间为: %s Seconds' % (end - start)) diff --git a/selective_context_source.py b/selective_context_source.py new file mode 100644 index 0000000000000000000000000000000000000000..d85058d6ef5798df89b4307a91fed20d376574d7 --- /dev/null +++ b/selective_context_source.py @@ -0,0 +1,370 @@ +print('Loading dependencies...') +from transformers import GPT2Tokenizer, GPT2LMHeadModel, BertTokenizer, LlamaForCausalLM, LlamaTokenizer +from transformers import AutoTokenizer, AutoModelForCausalLM, AutoConfig +import torch +import re +from typing import List, Tuple +import spacy +import numpy as np +import os +from dataclasses import dataclass +from nltk.tokenize import sent_tokenize, word_tokenize +import time + + +DEVICE = torch.device('cpu') + + +@dataclass +class LexicalUnits: + unit_type: str + text: List[str] + self_info: List[float] = None + + def __add__(self, other): + assert self.unit_type == other.unit_type, 'Cannot add two different unit types' + return LexicalUnits(self.unit_type, self.text + other.text, self.self_info + other.self_info) + + def __radd__(self, other): + if other == 0: + return self + return NotImplementedError() + + def add_to_head(self, token, self_info): + return LexicalUnits(self.unit_type, [token] + self.text, [self_info] + self.self_info) + + def add_to_tail(self, token, self_info): + return LexicalUnits(self.unit_type, self.text + [token], self.self_info + [self_info]) + +class SelectiveContext: + + def __init__(self, model_type = 'gpt2', lang = 'en', device = 'cpu'): + + self.model_type = model_type + self.lang = lang + + global DEVICE + DEVICE = device + + # this means we calculate self-information sentence by sentence + self.sent_level_self_info = True + + self._prepare_phrase_tokenizer() + self.sent_tokenize_pattern = r"(?" + + self._prepare_model() + + + + def _prepare_phrase_tokenizer(self): + # we use space to tokenize sentence into phrases + # for English, we should use `spacy.load("en_core_web_sm").add_pipe('merge_noun_chunks')` + # for Chinese, use `nlp = spacy.load('zh_core_web_sm')`` directly + lang = self.lang + if lang == "en": + self.nlp = spacy.load("en_core_web_sm", disable=["ner"]) + self.nlp.add_pipe('merge_noun_chunks') + elif lang == "zh": + self.nlp = spacy.load('zh_core_web_sm', disable=["ner"]) + # elif self.model_type == 'llama': + # self.nlp = spacy.load('en_core_web_sm', disable=["ner"]) + + def _prepare_model(self): + # Load tokenizer + if self.lang == 'zh': + self.tokenizer = BertTokenizer.from_pretrained('uer/gpt2-chinese-cluecorpussmall') + elif self.lang == 'en': + self.tokenizer = GPT2Tokenizer.from_pretrained('gpt2') + else: + raise NotImplementedError() + + if self.model_type == 'gpt2': + if self.lang == 'zh': + self.model = GPT2LMHeadModel.from_pretrained('uer/gpt2-chinese-cluecorpussmall') + else: + self.model = GPT2LMHeadModel.from_pretrained('gpt2') + self.model.to(DEVICE) + self.model.eval() + + print('model loaded') + + self.max_token_length = self.model.config.n_positions + self.get_self_information = self._get_self_info_via_gpt2 + + elif self.model_type == 'curie': + global openai + import openai + self.max_token_length = 2048 + + self.get_self_information = self._get_self_info_via_curie + + elif self.model_type == 'llama': + print("Before tokernizer") + self.tokenizer = LlamaTokenizer.from_pretrained('meta-llama/Llama-2-7b-chat-hf', token='LLaMA TOKEN') + print("Before model") + config = AutoConfig.from_pretrained('meta-llama/Llama-2-7b-chat-hf', token='LLaMA TOKEN') + print("After config") + self.model = LlamaForCausalLM.from_pretrained('meta-llama/Llama-2-7b-chat-hf', config=config, token='LLaMA TOKEN') + print("Before DEVICE") + self.model.to(DEVICE) + print("Before eval") + self.model.eval() + + print('model loaded') + + self.max_token_length = self.model.config.max_position_embeddings + self.get_self_information = self._get_self_info_via_llama + + def get_self_information(self, text: str) -> Tuple[List[str], List[float]]: + # it takes text as input, and return a list of words and a list of self-information scores + raise NotImplementedError + + def _get_self_info_via_gpt2(self, text: str) -> Tuple[List[str], List[float]]: + if self.lang == 'en': + text = f"<|endoftext|>{text}" + elif self.lang == 'zh': + text = f"[CLS]{text}" + with torch.no_grad(): + encoding = self.tokenizer(text, add_special_tokens=False, return_tensors='pt') + encoding = encoding.to(DEVICE) + outputs = self.model(**encoding) + logits = outputs.logits + probs = torch.softmax(logits, dim=-1) + self_info = -torch.log(probs) + + input_ids = encoding['input_ids'] + input_ids_expaned = input_ids[:, 1:].unsqueeze(-1) + + tokens = [self.tokenizer.decode(token_) for token_ in input_ids.squeeze().tolist()[1:]] + return tokens, self_info[:, :-1].gather(-1, input_ids_expaned).squeeze(-1).squeeze(0).tolist() + + def _get_self_info_via_curie(self, text: str) -> Tuple[List[str], List[float]]: + num_retry = 3 + openai.api_key = os.environ["OPENAI_API_KEY"] + + for _ in range(num_retry): + try: + r = openai.Completion.create( + model="curie", + prompt=f"<|endoftext|>{text}", + max_tokens=0, + temperature=0, + echo=True, + logprobs=0, + ) + break + except Exception as e: + print(e) + time.sleep(1) + + result = r['choices'][0] + tokens, logprobs = result["logprobs"]["tokens"][1:], result["logprobs"]["token_logprobs"][1:] + + assert len(tokens) == len(logprobs), f"Expected {len(tokens)} logprobs, got {len(logprobs)}" + + self_info = [ -logprob for logprob in logprobs] + return tokens, self_info + + def _get_self_info_via_llama(self, text: str) -> Tuple[List[str], List[float]]: + inputs = self.tokenizer.encode_plus(text, return_tensors="pt") + input_ids = inputs.input_ids.to(DEVICE) + attention_mask = inputs.attention_mask.to(DEVICE) + + with torch.no_grad(): + outputs = self.model(input_ids, attention_mask=attention_mask) + logits = outputs.logits + + probs = torch.softmax(logits, dim=-1) + self_info = -torch.log(probs) + + input_ids = input_ids.squeeze() + self_info = self_info.squeeze() + + tokens = self.tokenizer.convert_ids_to_tokens(input_ids) + return tokens, self_info.tolist() + + def _lexical_unit(self, sents): + + if self.sent_level_self_info: + sent_self_info = [] + all_noun_phrases = [] + all_noun_phrases_info = [] + all_tokens = [] + all_token_self_info = [] + + for sent in sents: + # print(sent) + tokens, self_info = self.get_self_information(sent) + sent_self_info.append(np.mean(self_info)) + + all_tokens.extend(tokens) + all_token_self_info.extend(self_info) + + noun_phrases, noun_phrases_info = self._calculate_lexical_unit(tokens, self_info) + + # We need to add a space before the first noun phrase for every sentence except the first one + if len(all_noun_phrases) != 0: + noun_phrases[0] = f" {noun_phrases[0]}" + all_noun_phrases.extend(noun_phrases) + all_noun_phrases_info.extend(noun_phrases_info) + + return [ + LexicalUnits('sent', text=sents, self_info=sent_self_info), + LexicalUnits('phrase', text=all_noun_phrases, self_info=all_noun_phrases_info), + LexicalUnits('token', text=all_tokens, self_info=all_token_self_info) + ] + + def _calculate_lexical_unit(self, tokens, self_info): + def _unit_info(tokens, self_info, units): + current_unit_idx = 0 + current_position = 0 + unit_self_info = [[] for _ in range(len(units))] + + for idx, (token, info) in enumerate(zip(tokens, self_info)): + current_position += len(token) + if current_position == len(units[current_unit_idx]): + unit_self_info[current_unit_idx].append(info) + current_position = current_position - len(units[current_unit_idx]) + current_unit_idx += 1 + elif current_position > len(units[current_unit_idx]): + counter_ = 1 + current_position = current_position - len(units[current_unit_idx]) + current_unit_idx += 1 + while current_position >= len(units[current_unit_idx]): + counter_ += 1 + current_position = current_position - len(units[current_unit_idx]) + current_unit_idx += 1 + if current_unit_idx >= len(units): + break + partial_info = info/counter_ + for _ in range(counter_): + unit_self_info[(current_unit_idx-1) - _].append(partial_info) + else: + if token == " ": + continue + unit_self_info[current_unit_idx].append(info) + + unit_self_info_ = [np.mean(info) for info in unit_self_info] + return unit_self_info_ + + def _noun_phrases(sent): + noun_phrases = [] + doc = self.nlp(sent) + for index, chunk in enumerate(doc): + if index == 0: + noun_phrases.append(chunk.text) + else: + noun_phrases.append(doc[index-1].whitespace_ + chunk.text) + return noun_phrases + + if self.sent_level_self_info: + # in this case, the self_info is for each sentence + # we only need to calculate the self_info for each phrase + + sent = ''.join(tokens) + # noun_phrases = [chunk.text for chunk in self.nlp(sent).noun_chunks] + noun_phrases = _noun_phrases(sent) + # noun_phrases[-1] = noun_phrases[-1] + ' ' + noun_phrases_info = _unit_info(tokens, self_info, noun_phrases) + + return noun_phrases, noun_phrases_info + + def beautify_context(self, context: str) -> str: + context = re.sub(r"\s+", " ", context) + return context + + def self_info_mask(self, sents: List[str], self_info: List[float], mask_level): + # mask_level: mask sentences, phrases, or tokens + sents_after_mask = [] + masked_sents = [] + + self.ppl_threshold = np.nanpercentile(self_info, self.mask_ratio * 100) + + # if title is not None: + # with open(os.path.join(self.path, title+'_prob_token.tsv'), 'w', encoding='utf-8') as f: + # for token, info in zip(tokens, self_info): + # f.write(f"{token}\t{info}\n") + # with open(os.path.join(self.path, title+'_prob_sent.tsv'), 'w', encoding='utf-8') as f: + # for sent, info in zip(sents, sent_self_info): + # f.write(f"{sent}\n{info}\n\n") + + for sent, info in zip(sents, self_info): + if info < self.ppl_threshold: + masked_sents.append(sent) + sents_after_mask.append(self.mask_a_sent(sent, mask_level)) + else: + sents_after_mask.append(sent) + masked_context = " ".join(sents_after_mask) if mask_level == 'sent' else "".join(sents_after_mask) + + return masked_context, masked_sents + + def mask_a_sent(self, sent, level): + if level == 'phrase': + return self.phrase_mask_token + elif level == 'sent': + if self.keep_leading_word: + leading_few_words = " ".join(word_tokenize(sent)[:self.num_lead_words]) + " " + else: + leading_few_words = "" + return leading_few_words + self.mask_token + elif level == 'token': + return '' + + def __call__(self, text: str, reduce_ratio: float = 0.35, reduce_level :str = 'phrase') -> List[str]: + context = self.beautify_context(text) + + self.mask_ratio = reduce_ratio + + sents = re.split(self.sent_tokenize_pattern, context) + sents = [sent.strip() for sent in sents if sent.strip()] + + # You want the reduce happen at sentence level, phrase level, or token level? + assert reduce_level in ['sent', 'phrase', 'token'], f"reduce_level should be one of ['sent', 'phrase', 'token'], got {reduce_level}" + sent_lus, phrase_lus, token_lus = self._lexical_unit(sents) + # print(phrase_lus, '^^^^') + lexical_level = { + 'sent': sent_lus, + 'phrase': phrase_lus, + 'token': token_lus + } + + # context is the reduced context, masked_sents denotes what context has been filtered out + context, masked_sents = self.self_info_mask(lexical_level[reduce_level].text, lexical_level[reduce_level].self_info, reduce_level) + return context, masked_sents + +def main( + model_type = 'gpt2', # you can choose from ['gpt2', 'curie'] + lang = 'en', # currenlty only support en and zh + file_to_process: str = None, + file_to_save: str = None, +): + + global DEVICE + DEVICE = 'cuda' if torch.cuda.is_available() else 'cpu' + print(f"Using device: {DEVICE}") + + sc = SelectiveContext(model_type=model_type, lang=lang) + + if file_to_process is None: + while True: + text = input("Please input the text you want to reduce: ") + if text == 'exit': + break + context, masked_sents = sc(text) + print('***********\nThe resultsing context is: \n') + print(context, '\n\n') + + print('***********\nThe content that has been filtered out is: \n') + print(masked_sents, '\n\n') + else: + with open(file_to_process, 'r') as f: + text = f.read() + context, masked_sents = sc(text) + + with open(file_to_save, 'w') as f: + f.write(context) + +if __name__ == "__main__": + main(model_type='gpt2', lang = 'zh') \ No newline at end of file