diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..8a9efb0983f86e046a6cc8158d11c745304eda19 --- /dev/null +++ b/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2022 farima fatahi-bayat + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/Readme.md b/Readme.md new file mode 100644 index 0000000000000000000000000000000000000000..08fb5e0d3ac017dc4d94516832e8578f42da2b0b --- /dev/null +++ b/Readme.md @@ -0,0 +1,68 @@ +# CompactIE +Source code for NAACL 2022 paper ["CompactIE: Compact Facts in Open Information Extraction"](https://aclanthology.org/2022.naacl-main.65/), which extracts compact facts from raw input sentences. Our pipelined approach consists of two models, Constituent Extraction and Constituent Linking. The Constituent Extraction model first extracts triple slots (constituents) and pass them to Constituent Linking models to link the constituents and form triples. +

+ +

+ +## Requirements +* `python`: 3.6 +* `pytorch`: 1.9.0 +* `transformers`: 4.2.2 +* `configargparse`: 1.2.3 +* `bidict`: 0.20.0 + +## Datasets +The scripts and instructions for downloading and processing our benchmark are provided in [`data/`](https://github.com/FarimaFatahi/CompactIE/tree/master/data). + +## Training +### Constituent Extraction Model +```python +python constituent_model.py \ + --config_file constituent_model_config.yml \ + --device 0 +``` + +### Constituent Linking Model +```python +python linking_model.py \ + --config_file linking_model_config.yml \ + --device 0 +``` + +Note that first the data for these models should be provided and processed (as described in [`data/`](https://github.com/FarimaFatahi/CompactIE/tree/master/data)) and then each model can be trained individually. +If **OOM** occurs, we suggest that reducing `train_batch_size` and increasing `gradient_accumulation_steps` (`gradient_accumulation_steps` is used to perform *Gradient Accumulation*). + +## Inference +After training and saving the Constituent Extraction and Constituent Linking models, test the pipelined CompactIE on evaluation benchmarks. [`Three popular evaluation benchmarks`](https://github.com/FarimaFatahi/CompactIE/tree/master/data/evaluation_data) (BenchIE, CaRB, Wire57) are provided to examine CompactIE's performance. + +```python +python test.py --config_file config.yml +``` + +To test the CompactIE system on a set of sentences, first process those sentences as described [`here`](https://github.com/FarimaFatahi/CompactIE/tree/master/data/). Then, modify the ``config.yml`` file so that the path to the processed sentence file (`test_file`) and its conjunction file (`conjunctions_file`) is properly reflected. Finally, run the above command to produce extractions. + +### Pre-trained Models +Models checkpoint are available in [Zenodo](https://zenodo.org/record/6804440). Download the Constituent Extraction (`ce_model`) model and put in under [`save_results/models/constituent/`](https://github.com/FarimaFatahi/CompactIE/tree/master/save_results/models/constituent/) folder. Download the Constituent Linking (`cl_model`) model and put in under [`save_results/models/relation/`](https://github.com/FarimaFatahi/CompactIE/tree/master/save_results/models/relation/) folder. + +## Cite +If you find our code is useful, please cite: +``` +@inproceedings{fatahi-bayat-etal-2022-compactie, + title = "{C}ompact{IE}: Compact Facts in Open Information Extraction", + author = "Fatahi Bayat, Farima and + Bhutani, Nikita and + Jagadish, H.", + booktitle = "Proceedings of the 2022 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies", + month = jul, + year = "2022", + address = "Seattle, United States", + publisher = "Association for Computational Linguistics", + url = "https://aclanthology.org/2022.naacl-main.65", + doi = "10.18653/v1/2022.naacl-main.65", + pages = "900--910", + abstract = "A major drawback of modern neural OpenIE systems and benchmarks is that they prioritize high coverage of information in extractions over compactness of their constituents. This severely limits the usefulness of OpenIE extractions in many downstream tasks. The utility of extractions can be improved if extractions are compact and share constituents. To this end, we study the problem of identifying compact extractions with neural-based methods. We propose CompactIE, an OpenIE system that uses a novel pipelined approach to produce compact extractions with overlapping constituents. It first detects constituents of the extractions and then links them to build extractions. We train our system on compact extractions obtained by processing existing benchmarks. Our experiments on CaRB and Wire57 datasets indicate that CompactIE finds 1.5x-2x more compact extractions than previous systems, with high precision, establishing a new state-of-the-art performance in OpenIE.", +} +``` + +## Contact +In case of any issues or question, please send an email to ```farimaf (at) umich (dot) edu```. diff --git a/config.yml b/config.yml new file mode 100644 index 0000000000000000000000000000000000000000..f8d38fdc0ab9e9e7a37e0e2fa98738a9c9c0c51b --- /dev/null +++ b/config.yml @@ -0,0 +1,43 @@ +save_dir: save_results/ +data_dir: data/evaluation_data/carb/ + +test_file: carb_test.json +conjunctions_file: data/evaluation_data/carb/carb_test_conjunctions.txt +ent_rel_file: data/ent_rel_file.json +rel_file: data/rel_file.json +test: True +max_sent_len: 512 +max_wordpiece_len: 512 + +embedding_model: bert +mlp_hidden_size: 150 +max_span_length: 10 +dropout: 0.4 +logit_dropout: 0.2 +bert_model_name: bert-base-uncased +bert_output_size: 0 +bert_dropout: 0.0 +separate_threshold: 1.0 + +gradient_clipping: 5.0 +learning_rate: 5e-5 +bert_learning_rate: 5e-5 +lr_decay_rate: 0.9 +adam_beta1: 0.9 +adam_beta2: 0.9 +adam_epsilon: 1e-12 +adam_weight_decay_rate: 1e-5 +adam_bert_weight_decay_rate: 1e-5 + +seed: 5216 +epochs: 100 +pretrain_epochs: 10 +warmup_rate: 0.2 +early_stop: 30 +train_batch_size: 32 +test_batch_size: 32 +gradient_accumulation_steps: 1 +logging_steps: 32 +validate_every: 4032 +device: -1 +log_file: train.log diff --git a/constituent_model.py b/constituent_model.py new file mode 100644 index 0000000000000000000000000000000000000000..3b9760023f66ab5b4c2c399ee629a5c3254aa270 --- /dev/null +++ b/constituent_model.py @@ -0,0 +1,330 @@ +from collections import defaultdict +import json +import os +import random +import logging +import time +import torch +import torch.nn as nn +import numpy as np +from transformers import BertTokenizer, AutoTokenizer, AdamW, get_linear_schedule_with_warmup + +from utils.argparse import ConfigurationParer +from utils.prediction_outputs import print_predictions_for_joint_decoding +from utils.eval import eval_file +from inputs.vocabulary import Vocabulary +from inputs.fields.token_field import TokenField +from inputs.fields.raw_token_field import RawTokenField +from inputs.fields.map_token_field import MapTokenField +from inputs.instance import Instance +from inputs.datasets.dataset import Dataset +from inputs.dataset_readers.oie4_reader_for_table_decoding import OIE4ReaderForJointDecoding +from models.joint_decoding.table_decoder import EntRelJointDecoder +from utils.nn_utils import get_n_trainable_parameters + +logger = logging.getLogger(__name__) + + +def step(model, batch_inputs, device): + batch_inputs["tokens"] = torch.LongTensor(batch_inputs["tokens"]) + batch_inputs["joint_label_matrix"] = torch.LongTensor(batch_inputs["joint_label_matrix"]) + batch_inputs["joint_label_matrix_mask"] = torch.BoolTensor(batch_inputs["joint_label_matrix_mask"]) + batch_inputs["wordpiece_tokens"] = torch.LongTensor(batch_inputs["wordpiece_tokens"]) + batch_inputs["wordpiece_tokens_index"] = torch.LongTensor(batch_inputs["wordpiece_tokens_index"]) + batch_inputs["wordpiece_segment_ids"] = torch.LongTensor(batch_inputs["wordpiece_segment_ids"]) + + if device > -1: + batch_inputs["tokens"] = batch_inputs["tokens"].cuda(device=device, non_blocking=True) + batch_inputs["joint_label_matrix"] = batch_inputs["joint_label_matrix"].cuda(device=device, non_blocking=True) + batch_inputs["joint_label_matrix_mask"] = batch_inputs["joint_label_matrix_mask"].cuda(device=device, + non_blocking=True) + batch_inputs["wordpiece_tokens"] = batch_inputs["wordpiece_tokens"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens_index"] = batch_inputs["wordpiece_tokens_index"].cuda(device=device, + non_blocking=True) + batch_inputs["wordpiece_segment_ids"] = batch_inputs["wordpiece_segment_ids"].cuda(device=device, + non_blocking=True) + + outputs = model(batch_inputs) + batch_outputs = [] + if not model.training: + for sent_idx in range(len(batch_inputs['tokens_lens'])): + sent_output = dict() + sent_output['tokens'] = batch_inputs['tokens'][sent_idx].cpu().numpy() + sent_output['span2ent'] = batch_inputs['span2ent'][sent_idx] + sent_output['span2rel'] = batch_inputs['span2rel'][sent_idx] + sent_output['seq_len'] = batch_inputs['tokens_lens'][sent_idx] + sent_output['joint_label_matrix'] = batch_inputs['joint_label_matrix'][sent_idx].cpu().numpy() + sent_output['joint_label_preds'] = outputs['joint_label_preds'][sent_idx].cpu().numpy() + sent_output['separate_positions'] = batch_inputs['separate_positions'][sent_idx] + sent_output['all_separate_position_preds'] = outputs['all_separate_position_preds'][sent_idx] + sent_output['all_ent_preds'] = outputs['all_ent_preds'][sent_idx] + sent_output['all_rel_preds'] = outputs['all_rel_preds'][sent_idx] + batch_outputs.append(sent_output) + return batch_outputs + + return outputs['element_loss'], outputs['symmetric_loss'], outputs['implication_loss'], outputs['triple_loss'] + + +def train(cfg, dataset, model): + logger.info("Training starting...") + + for name, param in model.named_parameters(): + logger.info("{!r}: size: {} requires_grad: {}.".format(name, param.size(), param.requires_grad)) + + logger.info("Trainable parameters size: {}.".format(get_n_trainable_parameters(model))) + + parameters = [(name, param) for name, param in model.named_parameters() if param.requires_grad] + no_decay = ['bias', 'LayerNorm.bias', 'LayerNorm.weight'] + bert_layer_lr = {} + base_lr = cfg.bert_learning_rate + for i in range(11, -1, -1): + bert_layer_lr['.' + str(i) + '.'] = base_lr + base_lr *= cfg.lr_decay_rate + + optimizer_grouped_parameters = [] + for name, param in parameters: + params = {'params': [param], 'lr': cfg.learning_rate} + if any(item in name for item in no_decay): + params['weight_decay_rate'] = 0.0 + else: + if 'bert' in name: + params['weight_decay_rate'] = cfg.adam_bert_weight_decay_rate + else: + params['weight_decay_rate'] = cfg.adam_weight_decay_rate + + for bert_layer_name, lr in bert_layer_lr.items(): + if bert_layer_name in name: + params['lr'] = lr + break + + optimizer_grouped_parameters.append(params) + + optimizer = AdamW(optimizer_grouped_parameters, + betas=(cfg.adam_beta1, cfg.adam_beta2), + lr=cfg.learning_rate, + eps=cfg.adam_epsilon, + weight_decay=cfg.adam_weight_decay_rate, + correct_bias=False) + + total_train_steps = (dataset.get_dataset_size("train") + cfg.train_batch_size * cfg.gradient_accumulation_steps - + 1) / (cfg.train_batch_size * cfg.gradient_accumulation_steps) * cfg.epochs + num_warmup_steps = int(cfg.warmup_rate * total_train_steps) + 1 + scheduler = get_linear_schedule_with_warmup(optimizer, + num_warmup_steps=num_warmup_steps, + num_training_steps=total_train_steps) + + last_epoch = 1 + batch_id = 0 + best_f1 = 0.0 + early_stop_cnt = 0 + accumulation_steps = 0 + model.zero_grad() + + for epoch, batch in dataset.get_batch('train', cfg.train_batch_size, None): + + if last_epoch != epoch or (batch_id != 0 and batch_id % cfg.validate_every == 0): + if accumulation_steps != 0: + optimizer.step() + scheduler.step() + model.zero_grad() + if epoch % cfg.pretrain_epochs == 0: + dev_f1 = dev(cfg, dataset, model) + if dev_f1 > best_f1: + early_stop_cnt = 0 + best_f1 = dev_f1 + logger.info("Save model...") + torch.save(model.state_dict(), open(cfg.constituent_model_path, "wb")) + elif last_epoch != epoch: + early_stop_cnt += 1 + if early_stop_cnt > cfg.early_stop: + logger.info("Early Stop: best F1 score: {:6.2f}%".format(100 * best_f1)) + break + if epoch > cfg.epochs: + torch.save(model.state_dict(), open(cfg.last_model_path, "wb")) + logger.info("Training Stop: best F1 score: {:6.2f}%".format(100 * best_f1)) + break + + if last_epoch != epoch: + batch_id = 0 + last_epoch = epoch + + model.train() + batch_id += len(batch['tokens_lens']) + batch['epoch'] = (epoch - 1) + element_loss, symmetric_loss, implication_loss, triple_loss = step(model, batch, cfg.device) + loss = 1.0 * element_loss + 1.0 * symmetric_loss + 1.0 * implication_loss + 1.0 * triple_loss + if batch_id % cfg.logging_steps == 0: + logger.info( + "Epoch: {} Batch: {} Loss: {} (Element_loss: {} Symmetric_loss: {} Implication_loss: {} Triple_loss: {})" + .format(epoch, batch_id, loss.item(), element_loss.item(), symmetric_loss.item(), + implication_loss.item(), triple_loss.item())) + + if cfg.gradient_accumulation_steps > 1: + loss /= cfg.gradient_accumulation_steps + + loss.backward() + + accumulation_steps = (accumulation_steps + 1) % cfg.gradient_accumulation_steps + if accumulation_steps == 0: + nn.utils.clip_grad_norm_(parameters=model.parameters(), max_norm=cfg.gradient_clipping) + optimizer.step() + scheduler.step() + model.zero_grad() + + state_dict = torch.load(open(cfg.best_model_path, "rb"), map_location=lambda storage, loc: storage) + model.load_state_dict(state_dict) + test(cfg, dataset, model) + + +def dev(cfg, dataset, model): + logger.info("Validate starting...") + model.zero_grad() + + all_outputs = [] + cost_time = 0 + for _, batch in dataset.get_batch('dev', cfg.test_batch_size, None): + model.eval() + with torch.no_grad(): + cost_time -= time.time() + batch_outpus = step(model, batch, cfg.device) + cost_time += time.time() + all_outputs.extend(batch_outpus) + logger.info(f"Cost time: {cost_time}s") + dev_output_file = os.path.join(cfg.constituent_model_dir, "dev.output") + print_predictions_for_joint_decoding(all_outputs, dev_output_file, dataset.vocab) + eval_metrics = ['joint-label', 'separate-position', 'ent', 'exact-rel'] + joint_label_score, separate_position_score, ent_score, exact_rel_score = eval_file(dev_output_file, eval_metrics) + return ent_score + exact_rel_score + + +def test(cfg, dataset, model): + logger.info("Testing starting...") + model.zero_grad() + + all_outputs = [] + + cost_time = 0 + for _, batch in dataset.get_batch('test', cfg.test_batch_size, None): + model.eval() + with torch.no_grad(): + cost_time -= time.time() + batch_outpus = step(model, batch, cfg.device) + cost_time += time.time() + all_outputs.extend(batch_outpus) + logger.info(f"Cost time: {cost_time}s") + + test_output_file = os.path.join(cfg.constituent_model_dir, "test.output") + print_predictions_for_joint_decoding(all_outputs, test_output_file, dataset.vocab) + eval_metrics = ['joint-label', 'separate-position', 'ent', 'exact-rel'] + eval_file(test_output_file, eval_metrics) + + +def main(): + # config settings + parser = ConfigurationParer() + parser.add_save_cfgs() + parser.add_data_cfgs() + parser.add_model_cfgs() + parser.add_optimizer_cfgs() + parser.add_run_cfgs() + + cfg = parser.parse_args() + logger.info(parser.format_values()) + + # set random seed + random.seed(cfg.seed) + torch.manual_seed(cfg.seed) + np.random.seed(cfg.seed) + if cfg.device > -1 and not torch.cuda.is_available(): + logger.error('config conflicts: no gpu available, use cpu for training.') + cfg.device = -1 + if cfg.device > -1: + torch.cuda.manual_seed(cfg.seed) + + # define fields + tokens = TokenField("tokens", "tokens", "tokens", True) + separate_positions = RawTokenField("separate_positions", "separate_positions") + span2ent = MapTokenField("span2ent", "ent_rel_id", "span2ent", False) + span2rel = MapTokenField("span2rel", "ent_rel_id", "span2rel", False) + joint_label_matrix = RawTokenField("joint_label_matrix", "joint_label_matrix") + wordpiece_tokens = TokenField("wordpiece_tokens", "wordpiece", "wordpiece_tokens", False) + wordpiece_tokens_index = RawTokenField("wordpiece_tokens_index", "wordpiece_tokens_index") + wordpiece_segment_ids = RawTokenField("wordpiece_segment_ids", "wordpiece_segment_ids") + fields = [tokens, separate_positions, span2ent, span2rel, joint_label_matrix] + + if cfg.embedding_model in ['bert', 'pretrained']: + fields.extend([wordpiece_tokens, wordpiece_tokens_index, wordpiece_segment_ids]) + + # define counter and vocabulary + counter = defaultdict(lambda: defaultdict(int)) + vocab = Vocabulary() + + # define instance (data sets) + train_instance = Instance(fields) + dev_instance = Instance(fields) + test_instance = Instance(fields) + + # define dataset reader + max_len = {'tokens': cfg.max_sent_len, 'wordpiece_tokens': cfg.max_wordpiece_len} + ent_rel_file = json.load(open(cfg.ent_rel_file, 'r', encoding='utf-8')) + pretrained_vocab = {'ent_rel_id': ent_rel_file["id"]} + if cfg.embedding_model == 'bert': + tokenizer = BertTokenizer.from_pretrained(cfg.bert_model_name) + logger.info("Load bert tokenizer successfully.") + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + elif cfg.embedding_model == 'pretrained': + tokenizer = AutoTokenizer.from_pretrained(cfg.pretrained_model_name) + logger.info("Load {} tokenizer successfully.".format(cfg.pretrained_model_name)) + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + ace_train_reader = OIE4ReaderForJointDecoding(cfg.train_file, False, max_len) + ace_dev_reader = OIE4ReaderForJointDecoding(cfg.dev_file, False, max_len) + ace_test_reader = OIE4ReaderForJointDecoding(cfg.test_file, False, max_len) + + # define dataset + ace_dataset = Dataset("OIE4") + ace_dataset.add_instance("train", train_instance, ace_train_reader, is_count=True, is_train=True) + ace_dataset.add_instance("dev", dev_instance, ace_dev_reader, is_count=True, is_train=False) + ace_dataset.add_instance("test", test_instance, ace_test_reader, is_count=True, is_train=False) + + min_count = {"tokens": 1} + no_pad_namespace = ["ent_rel_id"] + no_unk_namespace = ["ent_rel_id"] + contain_pad_namespace = {"wordpiece": tokenizer.pad_token} + contain_unk_namespace = {"wordpiece": tokenizer.unk_token} + ace_dataset.build_dataset(vocab=vocab, + counter=counter, + min_count=min_count, + pretrained_vocab=pretrained_vocab, + no_pad_namespace=no_pad_namespace, + no_unk_namespace=no_unk_namespace, + contain_pad_namespace=contain_pad_namespace, + contain_unk_namespace=contain_unk_namespace) + wo_padding_namespace = ["separate_positions", "span2ent", "span2rel"] + ace_dataset.set_wo_padding_namespace(wo_padding_namespace=wo_padding_namespace) + + if cfg.test: + vocab = Vocabulary.load(cfg.constituent_vocab) + else: + vocab.save(cfg.constituent_vocab) + + # joint model + model = EntRelJointDecoder(cfg=cfg, vocab=vocab, ent_rel_file=ent_rel_file) + + # test the constituent extraction model + if cfg.test and os.path.exists(cfg.constituent_model_path): + state_dict = torch.load(open(cfg.constituent_model_path, 'rb'), map_location=lambda storage, loc: storage) + model.load_state_dict(state_dict) + logger.info("Loading best training model {} successfully for testing the constituent model.".format(cfg.constituent_model_path)) + + if cfg.device > -1: + model.cuda(device=cfg.device) + + if cfg.test: + dev(cfg, ace_dataset, model) + test(cfg, ace_dataset, model) + else: + train(cfg, ace_dataset, model) + + +if __name__ == '__main__': + main() diff --git a/constituent_model_config.yml b/constituent_model_config.yml new file mode 100644 index 0000000000000000000000000000000000000000..2c1296eda1be4cd307f649a31cc936289854c9d6 --- /dev/null +++ b/constituent_model_config.yml @@ -0,0 +1,43 @@ +save_dir: save_results/ + +data_dir: data/OIE2016(processed)/constituent_model/ +train_file: train.json +dev_file: dev.json +test_file: test.json +ent_rel_file: data/ent_rel_file.json +max_sent_len: 512 +max_wordpiece_len: 512 + +embedding_model: pretrained +pretrained_model_name: bert-base-uncased +mlp_hidden_size: 150 +max_span_length: 10 +dropout: 0.4 +logit_dropout: 0.2 +bert_model_name: bert-base-uncased +bert_output_size: 0 +bert_dropout: 0.0 +separate_threshold: 1.2 + +gradient_clipping: 5.0 +learning_rate: 5e-5 +bert_learning_rate: 5e-5 +lr_decay_rate: 0.9 +adam_beta1: 0.9 +adam_beta2: 0.9 +adam_epsilon: 1e-12 +adam_weight_decay_rate: 1e-5 +adam_bert_weight_decay_rate: 1e-5 + +seed: 5216 +epochs: 300 +pretrain_epochs: 10 +warmup_rate: 0.2 +early_stop: 30 +train_batch_size: 32 +test_batch_size: 32 +gradient_accumulation_steps: 1 +logging_steps: 32 +validate_every: 4032 +device: 0 +log_file: constituent_model_train.log diff --git a/data/OIE2016(processed)/constituent_model/ent_rel_file.json b/data/OIE2016(processed)/constituent_model/ent_rel_file.json new file mode 100644 index 0000000000000000000000000000000000000000..4015ccadac04f1ad419b09b89800e46317cab3a0 --- /dev/null +++ b/data/OIE2016(processed)/constituent_model/ent_rel_file.json @@ -0,0 +1,26 @@ +{ + "id": { + "None": 0, + "Argument": 1, + "Relation": 2, + "Subject": 3, + "Object": 4 + }, + "entity": [ + 1, + 2 + ], + "relation": [ + 3, + 4 + ], + "symmetric": [ + 1, + 2, + 3, + 4 + ], + "asymmetric": [ + ], + "count": [] +} \ No newline at end of file diff --git a/data/OIE2016(processed)/constituent_model/process_constituent_data.py b/data/OIE2016(processed)/constituent_model/process_constituent_data.py new file mode 100644 index 0000000000000000000000000000000000000000..4b7e3531222a70329553239fb0abf64f7cb60146 --- /dev/null +++ b/data/OIE2016(processed)/constituent_model/process_constituent_data.py @@ -0,0 +1,99 @@ +import json +import random +import sys +from transformers import AutoTokenizer + + +def add_joint_label(ext, ent_rel_id): + """add_joint_label add joint labels for sentences + """ + + none_id = ent_rel_id['None'] + sentence_length = len(ext['sentText'].split(' ')) + label_matrix = [[none_id for j in range(sentence_length)] for i in range(sentence_length)] + ent2offset = {} + for ent in ext['entityMentions']: + ent2offset[ent['emId']] = ent['span_ids'] + try: + for i in ent['span_ids']: + for j in ent['span_ids']: + label_matrix[i][j] = ent_rel_id[ent['label']] + except: + sys.exit(1) + for rel in ext['relationMentions']: + arg1_span = ent2offset[rel['arg1']['emId']] + arg2_span = ent2offset[rel['arg2']['emId']] + + for i in arg1_span: + for j in arg2_span: + # symmetric relations + label_matrix[i][j] = ent_rel_id[rel['label']] + label_matrix[j][i] = ent_rel_id[rel['label']] + ext['jointLabelMatrix'] = label_matrix + + +def tokenize_sentences(ext, tokenizer): + cls = tokenizer.cls_token + sep = tokenizer.sep_token + wordpiece_tokens = [cls] + + wordpiece_tokens_index = [] + cur_index = len(wordpiece_tokens) + for token in ext['sentence'].split(' '): + tokenized_token = list(tokenizer.tokenize(token)) + wordpiece_tokens.extend(tokenized_token) + wordpiece_tokens_index.append([cur_index, cur_index + len(tokenized_token)]) + cur_index += len(tokenized_token) + wordpiece_tokens.append(sep) + + wordpiece_segment_ids = [1] * (len(wordpiece_tokens)) + + return { + 'sentId': ext['sentId'], + 'sentText': ext['sentence'], + 'entityMentions': ext['entityMentions'], + 'relationMentions': ext['relationMentions'], + 'extractionMentions': ext['extractionMentions'], + 'wordpieceSentText': " ".join(wordpiece_tokens), + 'wordpieceTokensIndex': wordpiece_tokens_index, + 'wordpieceSegmentIds': wordpiece_segment_ids + } + + +def write_dataset_to_file(dataset, dataset_path): + print("dataset: {}, size: {}".format(dataset_path, len(dataset))) + with open(dataset_path, 'w', encoding='utf-8') as fout: + for idx, ext in enumerate(dataset): + fout.write(json.dumps(ext)) + if idx != len(dataset) - 1: + fout.write('\n') + + +def process(source_file, ent_rel_file, target_file, pretrained_model, max_length=50): + extractions_list = [] + auto_tokenizer = AutoTokenizer.from_pretrained(pretrained_model) + print("Load {} tokenizer successfully.".format(pretrained_model)) + + ent_rel_id = json.load(open(ent_rel_file, 'r', encoding='utf-8'))["id"] + + with open(source_file, 'r', encoding='utf-8') as fin, open(target_file, 'w', encoding='utf-8') as fout: + for line in fin: + ext = json.loads(line.strip()) + ext_dict = tokenize_sentences(ext, auto_tokenizer) + add_joint_label(ext_dict, ent_rel_id) + extractions_list.append(ext_dict) + fout.write(json.dumps(ext_dict)) + fout.write('\n') + + # shuffle and split to train/test/dev + random.shuffle(extractions_list) + train_set = extractions_list[:len(extractions_list) - 700] + dev_set = extractions_list[-700:-200] + test_set = extractions_list[-200:] + write_dataset_to_file(train_set, "joint_model_data_albert/train.json") + write_dataset_to_file(dev_set, "joint_model_data_albert/dev.json") + write_dataset_to_file(test_set, "joint_model_data_albert/test.json") + + +if __name__ == '__main__': + process("../benchmark.json", "ent_rel_file.json", "constituent_model_data.json", "bert-base-uncased") \ No newline at end of file diff --git a/data/OIE2016(processed)/relation_model/process_linking_data.py b/data/OIE2016(processed)/relation_model/process_linking_data.py new file mode 100644 index 0000000000000000000000000000000000000000..d9f34d98052c63d9015f79f55f80a8d912582f74 --- /dev/null +++ b/data/OIE2016(processed)/relation_model/process_linking_data.py @@ -0,0 +1,160 @@ +import json +import os +from collections import defaultdict +import random + +from transformers import AutoTokenizer + + +def add_marker_tokens(tokenizer, ner_labels): + new_tokens = ['', ''] + for label in ner_labels: + new_tokens.append(''%label) + new_tokens.append(''%label) + tokenizer.add_tokens(new_tokens) + print('# vocab after adding markers: %d'%len(tokenizer)) + + +def tokenize_sentences(ext, tokenizer, special_tokens, rel_file): + rel_indices = {} + arg_indices = {} + label_ids = [] + + def get_special_token(w): + if w not in special_tokens: + special_tokens[w] = ('<' + w + '>').lower() + return special_tokens[w] + + cls = tokenizer.cls_token + sep = tokenizer.sep_token + wordpiece_tokens = [cls] + wordpiece_tokens_index = [] + cur_index = len(wordpiece_tokens) + + Argument_START_NER = get_special_token("START=Argument") + Argument_END_NER = get_special_token("END=Argument") + Relation_START_NER = get_special_token("START=Relation") + Relation_END_NER = get_special_token("END=Relation") + + ent2offset = {} + for ent in ext['entityMentions']: + ent2offset[ent['emId']] = ent['span_ids'] + + argument_start_ids = [] + argument_end_ids = [] + relation_start_ids = [] + # add negative relations as well (label = 0) + relation_end_ids = [] + entity_set = set() + relation2entity = defaultdict(set) + for rel in ext['relationMentions']: + relation_span = ent2offset[rel['arg1']['emId']] + relation_start_ids.append(relation_span[0]) + relation_end_ids.append(relation_span[-1]) + argument_span = ent2offset[rel['arg2']['emId']] + argument_start_ids.append(argument_span[0]) + argument_end_ids.append(argument_span[-1]) + label_ids.append(rel_file["id"][rel['label']]) + # add negative sampling + relation2entity[relation_start_ids[-1]].add(argument_start_ids[-1]) + entity_set.add(argument_start_ids[-1]) + + for i, token in enumerate(ext['sentence'].split(' ')): + if i in relation_start_ids: + rel_indices[i] = len(wordpiece_tokens) + wordpiece_tokens.append(Relation_START_NER) + wordpiece_tokens_index.append([cur_index, cur_index + 1]) + cur_index += 1 + if i in argument_start_ids: + arg_indices[i] = len(wordpiece_tokens) + wordpiece_tokens.append(Argument_START_NER) + wordpiece_tokens_index.append([cur_index, cur_index + 1]) + cur_index += 1 + + tokenized_token = list(tokenizer.tokenize(token)) + wordpiece_tokens.extend(tokenized_token) + wordpiece_tokens_index.append([cur_index, cur_index + len(tokenized_token)]) + cur_index += len(tokenized_token) + + if i in relation_end_ids: + wordpiece_tokens.append(Relation_END_NER) + wordpiece_tokens_index.append([cur_index, cur_index + 1]) + cur_index += 1 + if i in argument_end_ids: + wordpiece_tokens.append(Argument_END_NER) + wordpiece_tokens_index.append([cur_index, cur_index + 1]) + cur_index += 1 + + wordpiece_tokens.append(sep) + wordpiece_segment_ids = [1] * (len(wordpiece_tokens)) + assert len(argument_start_ids) == len(relation_start_ids) + assert len(argument_start_ids) == len(label_ids) + + # add negative relations with label 0 + for rel, args in relation2entity.items(): + negative_args = list(entity_set.difference(args)) + for i in range(len(negative_args) // 3): + arg_index = random.randint(0, len(negative_args) - 1) + relation_start_ids.append(rel) + argument_start_ids.append(negative_args[arg_index]) + label_ids.append(0) + + return { + 'sentId': ext['sentId'], + 'sentText': ext['sentence'], + 'entityMentions': ext['entityMentions'], + 'relationMentions': ext['relationMentions'], + 'extractionMentions': ext['extractionMentions'], + 'labelIds': label_ids, + 'relationIds': [rel_indices[r] for r in relation_start_ids], + 'argumentIds': [arg_indices[a] for a in argument_start_ids], + 'wordpieceSentText': " ".join(wordpiece_tokens), + 'wordpieceTokensIndex': wordpiece_tokens_index, + 'wordpieceSegmentIds': wordpiece_segment_ids + } + + +def write_dataset_to_file(dataset, dataset_path): + print("dataset: {}, size: {}".format(dataset_path, len(dataset))) + with open(dataset_path, 'w', encoding='utf-8') as fout: + for idx, ext in enumerate(dataset): + fout.write(json.dumps(ext)) + if idx != len(dataset) - 1: + fout.write('\n') + + +def process(source_file, rel_file, target_file, pretrained_model): + extractions_list = [] + auto_tokenizer = AutoTokenizer.from_pretrained(pretrained_model) + print("Load {} tokenizer successfully.".format(pretrained_model)) + + rel_id_file = json.load(open(rel_file, 'r', encoding='utf-8')) + add_marker_tokens(auto_tokenizer, rel_id_file["entity_text"]) + + if os.path.exists('special_tokens.json'): + with open('special_tokens.json', 'r') as f: + special_tokens = json.load(f) + else: + raise FileNotFoundError + + with open(source_file, 'r', encoding='utf-8') as fin, open(target_file, 'w', encoding='utf-8') as fout: + for line in fin: + ext = json.loads(line.strip()) + ext_dict = tokenize_sentences(ext, auto_tokenizer, special_tokens, rel_id_file) + extractions_list.append(ext_dict) + fout.write(json.dumps(ext_dict)) + fout.write('\n') + + # shuffle and split to train/test/dev + random.seed(100) + random.shuffle(extractions_list) + train_set = extractions_list[:len(extractions_list) - 700] + dev_set = extractions_list[-700:-200] + test_set = extractions_list[-200:] + write_dataset_to_file(train_set, "train.json") + write_dataset_to_file(dev_set, "devs.json") + write_dataset_to_file(test_set, "test.json") + + +if __name__ == '__main__': + process("../benchmark.json", "rel_file.json", "relation_model_data.json", "bert-base-uncased") \ No newline at end of file diff --git a/data/OIE2016(processed)/relation_model/rel_file.json b/data/OIE2016(processed)/relation_model/rel_file.json new file mode 100644 index 0000000000000000000000000000000000000000..614a9c6295129c46111b906897c579c1b423babb --- /dev/null +++ b/data/OIE2016(processed)/relation_model/rel_file.json @@ -0,0 +1,26 @@ +{ + "id": { + "None": 0, + "Subject": 1, + "Object": 2 + }, + "entity_text": [ + "Argument", + "Relation" + ], + "relation_text": [ + "Subject", + "Object" + ], + "relation": [ + 1, + 2 + ], + "symmetric": [ + 1, + 2 + ], + "asymmetric": [ + ], + "count": [] +} \ No newline at end of file diff --git a/data/OIE2016(processed)/relation_model/special_tokens.json b/data/OIE2016(processed)/relation_model/special_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..152adee89daf2572000c3d61ccdea5dcd6ec0146 --- /dev/null +++ b/data/OIE2016(processed)/relation_model/special_tokens.json @@ -0,0 +1,8 @@ +{ + "is": "[unused1]", + "of": "[unused2]", + "from": "[unused3]", + ";": "[unused4]", + "and": "[unused5]", + "that": "[unused6]" +} \ No newline at end of file diff --git a/data/Readme.md b/data/Readme.md new file mode 100644 index 0000000000000000000000000000000000000000..d32e0c76d68e6accb447ee3b414fa7bda45b7ec8 --- /dev/null +++ b/data/Readme.md @@ -0,0 +1,39 @@ +## Dataset Processing + +### Our Benchmark (processed OIE2016) + +Firstly, download our benchmark tailored for compact extractions provided [`here`](https://zenodo.org/record/7014032#.YwQQ0OzMJb8) and put it under [`data/OIE2016(processed)`](https://github.com/FarimaFatahi/CompactIE/tree/master/data/OIE2016(processed)). +Secondly, split out the train, development, test set for the constituent extraction model by running: +``` +cd OIE2016(processed)/constituent_model +python process_constituent_data.py +``` +Lastly, split out the train, development, test set for the constituent linking model by running: +``` +cd OIE2016(processed)/relation_model +python process_linking_data.py +``` +Note that the data folders for training each model are set to the ones mentioned above. + +### Evaluation Benchmarks + +Three evaluation benchmarks (**BenchIE**, **CaRB**, and **Wire57**) are used for evaluating CompactIE's performance. Note that since these datasets are not targeted for compact triples, we exclude triples that have at least one clause within a constituent. +To get the final data (json format) for these benchmarks, run: + +```bash +./process_test_data.sh +``` + +### Other files +Since the schema design of the table filling model does not support conjunctions inside constituents, we use the conjunction module developed by [`OpenIE6`](https://github.com/dair-iitd/openie6) to break sentences into smaller conjunction-free sentences before passing them to the system. +Therefore, input new test files (`source_file.txt`), produce the conjunction file (`conjunctions.txt`) and then run: +``` +python process.py --source_file source_file.txt --target_file output.json --conjunctions_file conjunctions.txt +``` +### Compactness measurement +To measure the compactness metrics mentioned in the paper (AL, NCC, RPA), set the `INPUT_FILE` variable inside the following scrip to the test file path and run it as follows: +``` +python compactness_measurements.py +``` + + diff --git a/data/compactness_measurements.py b/data/compactness_measurements.py new file mode 100644 index 0000000000000000000000000000000000000000..0916aba8c85e9d667c1602de67c677a26c00611f --- /dev/null +++ b/data/compactness_measurements.py @@ -0,0 +1,111 @@ +import pandas as pd +import stanza + +nlp = stanza.Pipeline(lang='en', processors='tokenize,pos,lemma,depparse') +articles = ['a', 'an', 'the'] + +# input file is the compactIE output extractions on a set of sentences. set this variable accordingly. +INPUT_FILE = 'compactIE_predictions.txt' + + +def verb_count(part, sent): + s_doc = nlp(sent) + text2token = {} + for i in range(len(s_doc.sentences)): + tokens = [word.to_dict() for word in s_doc.sentences[i].words] + for t in tokens: + text2token[t["text"]] = t + doc = nlp(part) + doc = doc.sentences[0] + tokens = [word.to_dict() for word in doc.words] + verbs = 0 + for token in tokens: + if (token['upos'] == 'VERB' and (token['deprel'] not in ['xcomp', 'amod', 'case', 'obl'])) or (token['upos'] == "AUX" and token['deprel'] == 'cop'): + try: + if text2token[token["text"]]["deprel"] == token['deprel']: + # print(token["text"], token["deprel"]) + verbs += 1 + except: + continue + return verbs + + +def clausal_constituents(extraction): + clausal_consts = 0 + if extraction["predicate"].strip() != "": + pred_count = verb_count(extraction["predicate"], extraction["sentence"]) + if pred_count > 1: + clausal_consts += pred_count - 1 + + if extraction["subject"].strip() != "": + clausal_consts += verb_count(extraction["subject"], extraction["sentence"]) + + if extraction["object"].strip() != "": + clausal_consts += verb_count(extraction["object"], extraction["sentence"]) + # if clausal_consts > 0: + # print("clausal consts within extraction: ", extraction["subject"], extraction["predicate"], extraction["object"], clausal_consts) + return clausal_consts + + +if __name__ == "__main__": + extractions_df = pd.DataFrame(columns=["sentence", "subject", "predicate", "object"]) + + with open(INPUT_FILE, 'r') as f: + lines = f.readlines() + + sentences = set() + for line in lines: + sentence, ext, score = line.split('\t') + sentences.add(sentence) + try: + arg1 = ext[ext.index('') + 6:ext.index('')] + except: + arg1 = "" + try: + rel = ext[ext.index('') + 5:ext.index('')] + except: + rel = "" + try: + arg2 = ext[ext.index('') + 6:ext.index('')] + except: + arg2 = "" + row = pd.DataFrame( + {"sentence": [sentence], + "subject": [arg1], + "predicate": [rel], + "object": [arg2]} + ) + extractions_df = pd.concat([extractions_df, row]) + + # overlapping arguments + grouped_df = extractions_df.groupby("sentence") + total_number_of_arguments = 0 + number_of_unique_arguments = 0 + num_of_sentences = len(grouped_df.groups.keys()) + for sent in grouped_df.groups.keys(): + per_sentence_argument_set = set() + sen_group = grouped_df.get_group(sent).reset_index(drop=True) + extractions_list = list(sen_group.T.to_dict().values()) + for extr in extractions_list: + if extr["subject"] not in ['', 'nan']: + total_number_of_arguments += 1 + per_sentence_argument_set.add(extr["subject"]) + if extr["object"] not in ['', 'nan']: + total_number_of_arguments += 1 + per_sentence_argument_set.add(extr["object"]) + number_of_unique_arguments += len(per_sentence_argument_set) + + print("average # repetitions per argument: {}".format(total_number_of_arguments/number_of_unique_arguments)) + print("average # extractions per sentence: {}".format(extractions_df.shape[0]/len(sentences))) + avg_arguments_size = 0.0 + for sent in sentences: + extractions_per_sent = extractions_df[extractions_df["sentence"] == sent] + + sent_extractions = extractions_per_sent.shape[0] + extractions_per_sent["avg_arg_length"] = extractions_per_sent.apply(lambda r: (len(str(r["subject"]).split(' ')) + len(str(r["predicate"]).split(' ')) + len(str(r["object"]).split(' ')))/3, axis=1) + avg_arguments_size += sum(extractions_per_sent["avg_arg_length"].values.tolist()) / extractions_per_sent.shape[0] + + print("average length of constituents (per sentence, per extraction): ", avg_arguments_size/len(sentences)) + extractions_df["clause_counts"] = extractions_df.apply(lambda r: clausal_constituents(r), axis=1) + avg_clause_count = sum(extractions_df["clause_counts"].values.tolist()) / len(sentences) + print("number of verbal clauses within arguments: ", avg_clause_count) diff --git a/data/ent_rel_file.json b/data/ent_rel_file.json new file mode 100644 index 0000000000000000000000000000000000000000..4015ccadac04f1ad419b09b89800e46317cab3a0 --- /dev/null +++ b/data/ent_rel_file.json @@ -0,0 +1,26 @@ +{ + "id": { + "None": 0, + "Argument": 1, + "Relation": 2, + "Subject": 3, + "Object": 4 + }, + "entity": [ + 1, + 2 + ], + "relation": [ + 3, + 4 + ], + "symmetric": [ + 1, + 2, + 3, + 4 + ], + "asymmetric": [ + ], + "count": [] +} \ No newline at end of file diff --git a/data/evaluation_data/benchIE/benchIE_conjunctions.txt b/data/evaluation_data/benchIE/benchIE_conjunctions.txt new file mode 100644 index 0000000000000000000000000000000000000000..c66ac08b3a18eb8b09c97492a953073be29355c0 --- /dev/null +++ b/data/evaluation_data/benchIE/benchIE_conjunctions.txt @@ -0,0 +1,1210 @@ +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . +He served as the first Prime Minister of Australia . +He became a founding justice of the High Court of Australia . + +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . +Graner handcuffed him to the bars of a cell window for nearly five hours . +Graner left him there , feet dangling off the floor , for nearly five hours . + +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . +It deals with cases of fraud in relation to tax credits , cases involving United Nations trade sanctions . +It deals with cases of fraud in relation to tax credits , cases involving conflict diamonds . +It deals with cases of fraud in relation to tax credits , cases involving CITES . +It deals with cases of fraud in relation to drug smuggling , cases involving United Nations trade sanctions . +It deals with cases of fraud in relation to drug smuggling , cases involving conflict diamonds . +It deals with cases of fraud in relation to drug smuggling , cases involving CITES . +It deals with cases of fraud in relation to money laundering , cases involving United Nations trade sanctions . +It deals with cases of fraud in relation to money laundering , cases involving conflict diamonds . +It deals with cases of fraud in relation to money laundering , cases involving CITES . +It deals with cases of fraud in relation to direct taxes , cases involving United Nations trade sanctions . +It deals with cases of fraud in relation to indirect taxes , cases involving United Nations trade sanctions . +It deals with cases of fraud in relation to direct taxes , cases involving conflict diamonds . +It deals with cases of fraud in relation to indirect taxes , cases involving conflict diamonds . +It deals with cases of fraud in relation to direct taxes , cases involving CITES . +It deals with cases of fraud in relation to indirect taxes , cases involving CITES . + +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland , and as such was honored by the river being named for him . +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland . +Because of this association , St. Michael as such was honored by the river being named for him . + +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts , short sketches , and recurring show elements . +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts . +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon short sketches . +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon recurring show elements . + +Several years later the remaining trackage at Charles City was abandoned . + + +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . +Dr. Jagan himself was personally involved in the organization of the strike . +Dr. Jagan himself helped to raise funds across the country to it . + +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . + + +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces . +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then flushed with irrigation fluid . + +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 . +`` Kormoran '' was the last Axis surface raider to enter Australian waters until 1943 . + +He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah . +He were said to have made bombs for fun on the outskirts of Murray , Utah . +his friends were said to have made bombs for fun on the outskirts of Murray , Utah . + +A large gravestone was erected in 1866 , over 100 years after his death . + + +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . +In 1879 , he was re-elected U.S. Senator . +In 1879 , he was tipped as a Presidential candidate . +In 1879 , he died suddenly after giving a speech in Chicago . + +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . + + +Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site . +Each of the programs uses a combination of funding priorities to select grants , described on the foundation 's web site . +Each of the programs uses a combination of geographic requirements to select grants , described on the foundation 's web site . + +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . +The Institut Constant de Rebecque is a Swiss free-market think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant . +The Institut Constant de Rebecque is a Swiss free-market think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant . +The Institut Constant de Rebecque is a Swiss classical liberal think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant . +The Institut Constant de Rebecque is a Swiss classical liberal think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant . +The Institut Constant de Rebecque is a Swiss libertarian think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant . +The Institut Constant de Rebecque is a Swiss libertarian think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant . + +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . + + +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . +They have a large range of possible power supplies . +They can be 380V . +They can be 1000V . +They can be even higher . + +She began her film career in 1947 in the film `` A New Oath '' . + + +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . +The brightest star in Serpens , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . +The brightest star in Alpha Serpentis , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . +The brightest star in Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . + +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . +This manual for warriors describes the necessity for understanding an opponent 's weaknesses . +This manual for warriors describes the necessity for using spies . +This manual for warriors describes the necessity for striking in moments of weakness . + +It was club policy to promote talent into the senior team that was adopted by Bill Dimovski . + + +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . + + +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . + + +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel . +That night , 300 soldiers of the 1st SS Battalion were able to defeat several attacks on the building . + +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s . +His son , John Crozier , Jr. , was an early aviation pioneer who was killed in a feud in Grainger County before he could complete it . + +Arminius , leader of the Cherusci and allies , now had a free hand . +Arminius , leader of the Cherusci , now had a free hand . +Arminius , leader of the allies , now had a free hand . + +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . +The culture of Bhutan is fully reflected in the capital city in respect of religion . +The culture of Bhutan is fully reflected in the capital city in respect of customs . +The culture of Bhutan is fully reflected in the capital city in respect of and national dress code . +The culture of Bhutan is fully reflected in the capital city in respect of the monastic practices of the monasteries . +The culture of Bhutan is fully reflected in the capital city in respect of music . +The culture of Bhutan is fully reflected in the capital city in respect of dance . +The culture of Bhutan is fully reflected in the capital city in respect of literature . +The culture of Bhutan is fully reflected in the capital city in respect of in the media . +The culture of Bhutan is fully reflected in the capital city in respect of literature . +The culture of Bhutan is fully reflected in the capital city in respect of . +The culture of Bhutan is fully reflected in the capital city in respect of . +The culture of Bhutan is fully reflected in the capital city in respect of . + +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . + + +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . +In England , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 . +In England , as an `` attempt '' , attempted murder is an indictable offence which carries a maximum penalty of life imprisonment . +In Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 . +In Wales , as an `` attempt '' , attempted murder is an indictable offence which carries a maximum penalty of life imprisonment . + +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . +Lugo were released in 1993 . +Lugo continue to reside in Venezuela . +Lozano were released in 1993 . +Lozano continue to reside in Venezuela . + +Often , objects are so far away that they do not contribute significantly to the final image . + + +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann . +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included hardware wholesaler William Frankfurth . + +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty sculptors from the US at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty sculptors from the UK at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty sculptors from Canada at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty painters from the US at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty painters from the UK at Pine Plains , New York . +They held the first Triangle workshop in 1982 for thirty painters from Canada at Pine Plains , New York . + +The town and surrounding villages were hit by two moderate earthquakes within ten years . +The town were hit by two moderate earthquakes within ten years . +surrounding villages were hit by two moderate earthquakes within ten years . + +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . +She received Ph.d degree from the department of Aerospace engineering . +She received her Master Degree in the field of Controls from I.I.T Madras . +She received her Master Degree in the field of Guidance from I.I.T Madras . +She received her Master Degree in the field of Instrumentation from I.I.T Madras . + +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . +The theatrical flourishes she used in her stage show went beyond established burlesque routines like the fan dance . +The theatrical flourishes she used in her stage show went beyond established burlesque routines like the balloon dance . +The unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance . +The unique gimmicks she used in her stage show went beyond established burlesque routines like the balloon dance . + +The RIAA lists it as one of the Best Selling Albums of All Time . + + +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . +The Cathedral were thoroughly renovated from 2006 to 2008 . +the belfry were thoroughly renovated from 2006 to 2008 . + +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . + + +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . +These screening activities include : review of group-based data . +These screening activities include : review by the Special Education administration . +These screening activities include : hearing screening . +These screening activities include : vision screening . +These screening activities include : motor screening . +These screening activities include : speech/language screening . + +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . + + +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss could hear the work performed . +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that an invited audience could hear the work performed . + +This is usually caused by interacting inductive and capacitive elements in the oscillator . +This is usually caused by interacting inductive elements in the oscillator . +This is usually caused by interacting capacitive elements in the oscillator . + +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . + + +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . +Tom McMorran joined the band in 1994 after Mark Portmann left . +in August of that year the band released `` Sahara '' . + +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . +As she reads the articles , she also makes veiled references relating to the slang use of `` beaver '' . +As she reads the articles , she also makes veiled innuendo relating to the slang use of `` beaver '' . + +23.8 % of all households were made up of individuals and 13.0 % had someone living alone who was 65 years of age or older . +23.8 % of all households were made up of individuals . +13.0 % had someone living alone who was 65 years of age . +13.0 % had someone living alone who was older . + +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . + + +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . + + +Just above seen is a replica of a Shiva lingam . + + +The ninth leaf contains a circular world map measuring in circumference . + + +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . + + +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . + + +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . +Many lodge members , youth , are active staff members of both Scout Scout camps . +Many lodge members , youth , are active staff members of both Cub Scout camps . +Many lodge members , adult , are active staff members of both Scout Scout camps . +Many lodge members , adult , are active staff members of both Cub Scout camps . + +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . + + +These are known as Porter 's three generic strategies and can be applied to any size or form of business . +These are known as Porter 's three generic strategies . +These can be applied to any size . +These can be applied to any form of business . + +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . +For patients who do not recover quickly , the protocol also includes support groups . +For patients who do not recover quickly , the protocol also includes psychotherapy . + +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . + + +They acquired the Charles City Western on December 31 , 1963 . + + +Hofmann was born in Salt Lake City , Utah . + + +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate . +In 1962 , Salahuddin later from Charminar constituency in 1967 . + +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . +Around the `` triangle area , '' which includes Quanzhou , locals all speak Minnan languages . +Around the `` triangle area , '' which includes Xiamen , locals all speak Minnan languages . +Around the `` triangle area , '' which includes Zhangzhou , locals all speak Minnan languages . + +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . + + +Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium . + + +A different judge then ordered the case reviewed by a higher court . + + +As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships . + + +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . + + +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . + + +After this she became very ill with a severe cold or pneumonia . +After this she became very ill with a severe cold . +After this she became very ill with pneumonia . + +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . +The RSNO 's base is at Henry Wood Hall in Glasgow ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . +The RSNO 's base is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . + +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force , capable of transmuting living objects from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force , capable of transmuting organisms from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force , capable of erasing living objects from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force , capable of erasing organisms from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either disintegrating energy , capable of transmuting living objects from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either disintegrating energy , capable of transmuting organisms from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either disintegrating energy , capable of erasing living objects from existence as well as resurrecting them , depending on the dark lord 's will . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either disintegrating energy , capable of erasing organisms from existence as well as resurrecting them , depending on the dark lord 's will . + +The 2005 model introduced a third row of seats to the Pathfinder line for the first time . + + +The district also provides recreation and leisure services to many non-residents of the area on a fee basis . +The district also provides recreation services to many non-residents of the area on a fee basis . +The district also provides leisure services to many non-residents of the area on a fee basis . + +The very ease of acquiring Esperanto might even accelerate the process . + + +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . +He further stated that Hauptmann looked different . +He further stated that `` John '' was actually dead because he had been murdered by his confederates . + +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall . +The RSNO also performs throughout Scotland , at such venues as Usher Hall . +The RSNO also performs throughout Scotland , at such venues as Caird Hall . +The RSNO also performs throughout Scotland , at such venues as Aberdeen Music Hall . +The RSNO also performs throughout Scotland , at such venues as Perth Concert Hall . +The RSNO also performs throughout Scotland , at such venues as Eden Court Inverness . + +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . +Five years later , Alvarez was reunited with his family in New York . +Five years later , his father was able to start a business in Hoboken , New Jersey . + +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . + + +These tracks have subsequently been included on CD reissues of the album `` The Plan '' . + + +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . +He develops significance both as a recurrent character in the series , appearing in a total of seven issues spanning six hundred years . +He develops significance both as friend to Dream , appearing in a total of seven issues spanning six hundred years . + +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . + + +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges . +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to Looney Tunes . +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to `` Home Alone '' . + +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . +Within England , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . +Within especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . + +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . +These skills were readily proven when squadrons were mobilized during the Korean War . +These skills were readily proven when squadrons were mobilized during the Berlin Crisis . +These skills were readily proven when squadrons were recalled back to active duty during the Korean War . +These skills were readily proven when squadrons were recalled back to active duty during the Berlin Crisis . +These skills were readily proven when personnel were mobilized during the Korean War . +These skills were readily proven when personnel were mobilized during the Berlin Crisis . +These skills were readily proven when personnel were recalled back to active duty during the Korean War . +These skills were readily proven when personnel were recalled back to active duty during the Berlin Crisis . + +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . + + +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . + + +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . + + +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul . +In 1717 Lady Mary Wortley Montagu attempted to popularize it in Britain . +In 1717 Lady Mary Wortley Montagu encountered considerable resistance . + +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . + + +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . +He had been at the Battle of the Granicus River . +He had believed that Memnon 's scorched Earth strategy would work here . + +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath . +The film uses some computer-generated graphics : later in the film , the geese flying over Olaf 's house . + +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of police who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of police who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of firefighters who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of firefighters who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation sponsored by Sweeney provides state pensions to surviving family members of emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of police who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of police who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of firefighters who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of firefighters who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers killed while serving the public good . +Legislation signed into law provides state pensions to surviving family members of emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of firefighters killed while serving the public good . + +The latter was lifted only as the b-side of `` Keep on Loving Me '' . + + +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse . +The first single , `` Dreamer , '' features performances by vocalists Jasmine Roy . +The first single , `` Dreamer , '' features performances by vocalists Rebeca Vega . + +QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million . + + +Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint . + + +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . + + +After a break of four years , he became a Lord Justice of Appeal . + + +Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... . + + +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems . '' +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray is `` gentle on the female organ . '' + +Ms. Waleson is a free - lance writer based in New York . + + +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . + + +Mrs. Marcos 's trial is expected to begin in March . + + +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . +Bioengineers set out to duplicate that feat -- scientifically -- with new life forms . +Bioengineers set out to duplicate that feat -- commercially -- with new life forms . + +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . + + +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . + + +The machine can run software written for other Mips computers , the company said . + + +That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period . + + +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . + + +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . + + +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . + + +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . +the Patent Office refused to grant it . +Boyer , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique . +Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique . + +His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point . + + +`` There are some things that have gone on here that nobody can explain , '' she says . + + +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . + + +I worry more about things becoming so unraveled on the other side that they might become unable to negotiate . + + +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of punching all the air out of it . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of rolling it up . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of cramming it into the trailer . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of cramming the basket into the trailer . + +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . + + +But it could also help American companies , which also are starting to try to open the market . + + +A company spokesman did n't know Mr. Wakeman 's age . + + +The offering , Series 109 , is backed by Freddie Mac 10 % securities . + + +The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points . + + +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . + + +`` I ca n't do anything score - wise , but I like meeting the girls . '' +`` I ca n't do anything score - wise . '' +`` I like meeting the girls . '' + +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . +New York bonds , which have been hammered in recent weeks on the pending supply , rose 1\/2 point yesterday . +New York bonds , which have been hammered in recent weeks on reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . + +Four other countries in Europe have approved Proleukin in recent months . + + +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft . +General Dynamics Corp. was given an $ 843 million Air Force contract for related equipment . + +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . + + +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . + + +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured . +A Coca - Cola spokesman said it is too early to say how much the company would invest in the transaction . + +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' +We just want a plan that satisfies creditors . '' +We just want a plan that at the end leaves a healthy Revco . '' + +Some have been training for months ; others only recently left active status . + + +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements . +Merrill also said it is lobbying for significant regulatory controls on program trading , including limits on price moves for program - driven financial futures . + +He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes . + + +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . + + +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . + + +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . + + +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . +An alternative explanation , confirmed by recent events , is that the new Soviet economic structures are intended to conform to a model other than that of the market . +An alternative explanation , confirmed by recent events , is that the new Soviet social structures are intended to conform to a model other than that of the market . +An alternative explanation , confirmed by a close inspection of the Gorbachev program , is that the new Soviet economic structures are intended to conform to a model other than that of the market . +An alternative explanation , confirmed by a close inspection of the Gorbachev program , is that the new Soviet social structures are intended to conform to a model other than that of the market . +An more convincing explanation , confirmed by recent events , is that the new Soviet economic structures are intended to conform to a model other than that of the market . +An more convincing explanation , confirmed by recent events , is that the new Soviet social structures are intended to conform to a model other than that of the market . +An more convincing explanation , confirmed by a close inspection of the Gorbachev program , is that the new Soviet economic structures are intended to conform to a model other than that of the market . +An more convincing explanation , confirmed by a close inspection of the Gorbachev program , is that the new Soviet social structures are intended to conform to a model other than that of the market . + +RU-486 is being administered in France only under strict supervision in the presence of a doctor . + + +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years . +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour only if accompanied by a lower wage for the first six months of a job . + +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years the warranty term for engine damage due to abnormal engine oil deterioration . +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . + +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . + + +And the lawyers were just as eager as the judge to wrap it up . + + +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . +Their laboratory credentials established , Boyer headed for Wall Street in 1980 . +Their laboratory credentials established , Swanson headed for Wall Street in 1980 . + +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . + + +He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . '' + + +`` They 're getting some major wins , '' she added . + + +Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc . + + +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . +In stock - index arbitrage , traders buy large amounts of stocks with offsetting trades in stock - index futures . +In stock - index arbitrage , traders buy large amounts of stocks with offsetting trades in stock - index options . +In stock - index arbitrage , traders sell large amounts of stocks with offsetting trades in stock - index futures . +In stock - index arbitrage , traders sell large amounts of stocks with offsetting trades in stock - index options . + +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . + + +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . +Eastern are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . +its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . + +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . +Trek previously made only traditional road bikes , '' says Trek 's president , Dick Burke . +`` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . + +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . +Charles O. Givens of Mount Vernon , Ind. - investment broker - bred Tennessee Walking Horses for six years . +Charles O. Givens of Mount Vernon , Ind. - investment broker - raised cattle for four . +Charles O. Givens of Mount Vernon , Ind. - investment broker - never made a profit on either . +Charles O. Givens of Mount Vernon , Ind. - ex - accountant - bred Tennessee Walking Horses for six years . +Charles O. Givens of Mount Vernon , Ind. - ex - accountant - raised cattle for four . +Charles O. Givens of Mount Vernon , Ind. - ex - accountant - never made a profit on either . +Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - bred Tennessee Walking Horses for six years . +Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - raised cattle for four . +Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - never made a profit on either . + +Mr. Baker heads the Kentucky Association of Science Educators and Skeptics . +Mr. Baker heads the Kentucky Association of Science Educators . +Mr. Baker heads the Kentucky Association of Skeptics . + +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . + + +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . +Moreover , such a sale could help Armstrong reassure its investors . +Moreover , such a sale could help Armstrong deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . + +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . +He showed up with a carpenter 's level . +He carefully measured every surface . +He showed how the apparent shrinkage was caused by the perspective . + +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . +A cafeteria is also located on the sixth floor . +a chapel on the 14th floor . +a study hall on the 15th floor . + +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . + + +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the fact that they were the `` Guardians '' of the true Israelite religion . + +Applying this technique facilitates the connection of the center of the foot with the lower abdomen . + + +As a result , the lower river had to be dredged three times in two years . + + +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . +Barbara , however , unable to leave behind her vigilante life , fought a mugger . +Barbara , however , unable to leave behind her vigilante life , ultimately miscarried her child . + +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . + + +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Citizens for Responsibility in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Citizens for Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . + +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the downtown area , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of Fulton Counties , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of DeKalb Counties , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of Fulton Counties , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of DeKalb Counties , as it was a rimshot to the southwest of the city . + +During the morning and evening rush hours some services run direct to/from Paddington and Reading . +During the morning rush hours some services run direct to/from Paddington . +During the morning rush hours some services run direct to/from Reading . +During the evening rush hours some services run direct to/from Paddington . +During the evening rush hours some services run direct to/from Reading . + +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside buildings in areas that were once designated as smoking areas . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including outside buildings in areas that were once designated as smoking areas . + +Having been directed to found a monastery of his order in the United States in 1873 , Fr . + + +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . + + +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . + + +He represented the riding of Nickel Belt in the Sudbury , Ontario area . + + +He was buried in the Abbey of the Psalms mausoleum at the Hollywood Forever Cemetery . + + +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . + + +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . +Hofmann was a below-average high school student . +he had many hobbies including magic . +he had many hobbies including electronics . +he had many hobbies including chemistry . +he had many hobbies including stamp . +he had many hobbies including coin collecting . + +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces cluster bombs . + +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . +However , when the antigenicities of the seed strains do not match , vaccines fail to protect the vaccinees . +However , when the antigenicities of the wild viruses do not match , vaccines fail to protect the vaccinees . + +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . + + +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . +In 1972 , he won from Yakutpura . +later in 1978 , again from Charminar . + +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . + + +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . + + +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote health treatments , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote the ubiquitous `` 1 weird old tip '' belly fat diets , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote penny auctions , unauthorized usage of which Theuriau was initially unaware . + +In Canada , there are two organizations that regulate university and collegiate athletics . +In Canada , there are two organizations that regulate university athletics . +In Canada , there are two organizations that regulate collegiate athletics . + +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In October 2009 it was confirmed that the Byrom Street cutting was a hitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In October 2009 it was confirmed that the Byrom Street cutting was a unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . + +In a news post , Holkins stated that he reserved the right to bring Carl back any time Krahulik goes to France . + + +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . +In a typical case of substrate interference , a Language A occupies a given territory . +In a typical case of substrate interference , another Language B arrives in the same territory . + +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . + + +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . + + +In the 1960s and 70s most of Kabul 's economy depended on tourism . +In the 1960s most of Kabul 's economy depended on tourism . +In the 70s most of Kabul 's economy depended on tourism . + +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . +In the Civil War , he advocated strong prosecution of the Union War effort . +In the Civil War , he advocated the end of slavery . +In the Civil War , he advocated civil rights for freed African Americans . + +Initially his chances of surviving were thought to be no better than 50-50 . + + +It should be noted that these numbers are inclusive of any of the childminders own children . + + +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . +it seems that at this point Keats had a genuine desire to become a doctor . +Keats 's long medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's long medical training at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's expensive medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's expensive medical training at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security . + +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 . +Kim from Oberlin College in Ohio in 1993 where he played for the varsity lacrosse team . +Kim from Oberlin College in Ohio in 1993 where he double-majored in Government . +Kim from Oberlin College in Ohio in 1993 where he double-majored in English . + +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . +Lemmy believes that if Will Reid Dick had not been there , they . +Lemmy believes that if Will Reid Dick had not been there , worked through the problems . +Lemmy believes that if Will Reid Dick had not been there , ended up exchanging a few words . +Lemmy believes that if Will Reid Dick had not been there , Clarke left the studio . + +Males had a median income of $ 36,016 versus $ 32,679 for females . + + +Meanwhile , the Mason City Division continued to operate as usual . + + +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account the size of the barrack blocks in the Gorgan Wall forts , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account the room number of the barrack blocks in the Gorgan Wall forts , produce figures between 15,000 and 36,000 soldiers . + +Modernity has been blended without sacrificing on the traditional Buddhist ethos . + + +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . + + +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . + + +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . + + +Parental investment is any expenditure of resources to benefit one offspring . + + +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . + + +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . + + +She died in October 1915 of a heart attack . + + +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . +She was ordered to be rebuilt on 9 March 1724 . +She was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . + +Shea was born on September 5 , 1900 in San Francisco , California . + + +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , hurled his shattered body into space . + +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . + + +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Alcohol , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Tobacco , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Firearms , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . + +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The CRZ was organized by the Nepal members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The CRZ was organized by the Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . + +The Steinbrenner family added a monument to Monument Park on September 20 , 2010 to honor Steinbrenner . + + +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . +The Summer Programs Office runs these programs . +many Wardlaw-Hartridge Students attend camp over the summer . +many Wardlaw-Hartridge Students attend classes over the summer . + +The Triple-A Baseball National Championship Game was established in 2006 . + + +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street '' . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call portions of Mashapaug Road `` Old Route 15 '' . + +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . +The `` Charleston Courier , '' founded in 1803 , merged to form the `` News '' in 1873 . +The `` Charleston Courier , '' founded in 1803 , merged to form the `` Courier '' in 1873 . +`` Charleston Daily News , '' founded in 1865 , merged to form the `` News '' in 1873 . +`` Charleston Daily News , '' founded in 1865 , merged to form the `` Courier '' in 1873 . + +The canal was dammed off from the river for most of the construction period . + + +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . +The city was founded by the Western Town Lot Company in 1880 . +The city was originally named Nordland , with the platted streets given Norwegian names . + +The community is served by the United States Postal Service Hinsdale Post Office . + + +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records . +The ensemble also has extensive recordings under their own label . + +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . +The failure of 1st Armored to arrive intact would have important consequences in later action against German forces in Tunisia . +The failure of 1st Armored to deploy as a single entity would have important consequences in later action against German forces in Tunisia . + +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . +The first five laps would be added to the second part of the race . +the overall result would be decided on aggregate . + +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , . +The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Singapore . +The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Guam . + +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . + + +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . + + +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . +The permanent members are the provost . +The permanent members are the Carl H. Pforzheimer University Professor . +The permanent members are the deans or designees from the following Schools : Harvard Business School . +The permanent members are the deans or designees from the following Schools : Harvard Law School . +The permanent members are the deans or designees from the following Schools : Harvard Medical School . +The permanent members are the deans or designees from the following Schools : the Faculty of Arts . +The permanent members are the deans or designees from the following Schools : the Faculty of Sciences . + +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +The pillars in a line on its both sides are according to Doric style . +The pillars in a line on its both sides are according to Greek style . + +The race is in mixed eights , and usually held in late February / early March . +The race is in mixed eights . +The race is usually held in late February . +The race is usually held in early March . + +The rapids at the head of the South Fork were removed in 1908 . + + +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic . +The redesigned 2006 Ram SRT-10 came in Inferno Red . +The redesigned 2006 Ram SRT-10 came in Brilliant Black Crystal Clear Coat . + +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . +The residue can be reprocessed for more dripping . +The residue can be strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . + +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff . +the crocodile breaks through a wall . +the crocodile devours Annabelle . + +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . +The riders climbed off , shouting protests in general . +The riders began walking , shouting protests in general . +The riders climbed off , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine . +The riders climbed off , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been taking aspirin to make his own job easier . +The riders began walking , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine . +The riders began walking , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been taking aspirin to make his own job easier . + +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . +The station has a concourse area which was internally redesigned in mid-2012 . +The station has a concourse area which was reopened in mid-2012 . +The station has a ticket office area which was internally redesigned in mid-2012 . +The station has a ticket office area which was reopened in mid-2012 . + +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . + + +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . +Then the fillets are put in a mix of olive oil . +Then the fillets are put in a mix of vinegar . +Then the fillets are put in a mix of sugar . +Then the fillets are put in a mix of garlic . +Then the fillets are put in a mix of chill peppers . +Then the fillets are put in a mix of lots of parsley . +Then the fillets are put in a mix of lots of celery . + +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them . +There were 47,604 households out of which 56.30 % were married couples living together . +There were 47,604 households out of which 7.50 % had a female householder with no husband present . +There were 47,604 households out of which 32.50 % were non-families . + +These objects are thrown away if their screen projection is too small . + + +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . +These were often related to European conflict , as the Stuart Pretenders were aided by Britain 's continental enemies for their own ends . +These were often related to European conflict , as the Stuart Pretenders were encouraged by Britain 's continental enemies for their own ends . + +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . +They beat Milligan 1-0 to win the NAIA National Championships . +They beat Grand View 3-0 to win the NAIA National Championships . +They beat Webber International 1-0 to win the NAIA National Championships . +They beat Azusa Pacific 0-0 to win the NAIA National Championships . + +This engine was equipped with an electronically controlled carburetor . + + +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . + + +Total ` Fresh Food Story ' constructed at the end of the North Mall . + + +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . +Watson was the founder of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 . +Watson was the founder of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 . +Watson was the founder of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 . +Watson was the founder of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 . +Watson was the editor of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 . +Watson was the editor of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 . +Watson was the editor of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 . +Watson was the editor of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 . + +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities created . + +With no assigned task , the Cosmos expressed concern for what Battra might do . + + +`` For a list of all medalists , please see the List of Great American Beer Festival medalists '' + + +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . +A similar technique is almost impossible to apply to other crops , such as cotton . +A similar technique is almost impossible to apply to other crops , such as soybeans . +A similar technique is almost impossible to apply to other crops , such as rice . + +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' + + +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . + + +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . + + +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to currency issues . + +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Because patients require less attention from nurses , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Because patients require less attention from other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . + +Both reflect the dismissal of lower - level and shorter - tenure executives . +Both reflect the dismissal of lower - level executives . +Both reflect the dismissal of shorter - tenure executives . + +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . +But he emphasized that new accounts of stock funds are all up this month from September 's level . +But he emphasized that new sales of stock funds are all up this month from September 's level . +But he emphasized that inquiries of stock funds are all up this month from September 's level . +But he emphasized that subsequent sales of stock funds are all up this month from September 's level . + +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . + + +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . + + +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . + + +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' + + +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball . +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly flips it to second . + +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . + + +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . +Early in the morning Mr. Sider , an estate lawyer , pores over last wills . +Early in the morning Mr. Sider , an estate lawyer , pores over testaments . + +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . + + +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . + + +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . + + +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +Hani Zayadi was appointed president of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +Hani Zayadi was appointed chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . + +However , the problem is that once most poison pills are adopted , they survive forever . + + +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . + + +In Japan , those functions account for only about a third of the software market . + + +In the U.S. , more than half the PC software sold is either for spreadsheets or for database analysis , according to Lotus . +In the U.S. , more than half the PC software sold is either for spreadsheets , according to Lotus . +In the U.S. , more than half the PC software sold is either for database analysis , according to Lotus . + +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . + + +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . +Japanese office workers use PCs at half the rate of their European counterparts . +Japanese office workers use PCs at one - third that of the Americans . + +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . + + +Meanwhile , at home , Mitsubishi has control of some major projects . + + +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating drug addicts . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating pregnant women . + +Mr. Mulford said reports of tension between the Treasury and Fed have been exaggerated , insisting that they involved `` nuances . '' + + +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . + + +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . + + +Now Mr. Broberg , a lawyer , claims he 'd play for free . + + +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . +Prime Minister Lee Kuan Yew , Singapore 's leader , recently announced his intention to retire next year -- though not necessarily to end his influence . +Prime Minister Lee Kuan Yew , one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . + +Repeat customers also can purchase luxury items at reduced prices . + + +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . + + +Sen. Mitchell is confident he has sufficient votes to block such a measure with procedural actions . + + +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . +The Chemical spokeswoman said the bank has examined its methodologies . +The Chemical spokeswoman said the bank has examined its internal controls . + +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The Lone Star Steel lawsuit also asks the court to rule that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , in September . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was n't paid , in September . + +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . +The National Transportation Safety Board ruled that pilots failed to make mandatory preflight checks that would have detected the error . +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps properly for takeoff . +The National Transportation Safety Board ruled that pilots failed to set the plane 's slats properly for takeoff . + +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . + + +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . + + +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . + + +The market 's tempo was helped by the dollar 's resiliency , he said . + + +The office may also be able to advise foreign and multinational clients on international law and general matters . +The office may also be able to advise foreign clients on international law . +The office may also be able to advise foreign clients on general matters . +The office may also be able to advise multinational clients on international law . +The office may also be able to advise multinational clients on general matters . + +The three existing plants and their land will be sold . +The three existing plants will be sold . +their land will be sold . + +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . + + +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto . +USG Corp. will lease the 19 - story facility until it moves to a new quarters in 1992 . + +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . + + +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . +`` I wo n't be throwing 90 mph , '' he says . +`` I will throw 80 - plus , '' he says . + +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } . +`` If working capital financing is not provided , '' he said , `` the RTC may have to dump acquired assets through fire sales . + +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . + + diff --git a/data/evaluation_data/benchIE/sample300_en.txt b/data/evaluation_data/benchIE/sample300_en.txt new file mode 100644 index 0000000000000000000000000000000000000000..7741860e0f32cb96f74c4684c6585685f99e4e9a --- /dev/null +++ b/data/evaluation_data/benchIE/sample300_en.txt @@ -0,0 +1,300 @@ +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland , and as such was honored by the river being named for him . +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts , short sketches , and recurring show elements . +Several years later the remaining trackage at Charles City was abandoned . +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . +He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah . +A large gravestone was erected in 1866 , over 100 years after his death . +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . +Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site . +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . +She began her film career in 1947 in the film `` A New Oath '' . +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . +It was club policy to promote talent into the senior team that was adopted by Bill Dimovski . +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . +Arminius , leader of the Cherusci and allies , now had a free hand . +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . +Often , objects are so far away that they do not contribute significantly to the final image . +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . +The town and surrounding villages were hit by two moderate earthquakes within ten years . +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . +The RIAA lists it as one of the Best Selling Albums of All Time . +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . +This is usually caused by interacting inductive and capacitive elements in the oscillator . +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . +23.8 % of all households were made up of individuals and 13.0 % had someone living alone who was 65 years of age or older . +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . +Just above seen is a replica of a Shiva lingam . +The ninth leaf contains a circular world map measuring in circumference . +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . +These are known as Porter 's three generic strategies and can be applied to any size or form of business . +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . +They acquired the Charles City Western on December 31 , 1963 . +Hofmann was born in Salt Lake City , Utah . +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . +Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium . +A different judge then ordered the case reviewed by a higher court . +As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships . +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . +After this she became very ill with a severe cold or pneumonia . +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . +The 2005 model introduced a third row of seats to the Pathfinder line for the first time . +The district also provides recreation and leisure services to many non-residents of the area on a fee basis . +The very ease of acquiring Esperanto might even accelerate the process . +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . +These tracks have subsequently been included on CD reissues of the album `` The Plan '' . +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . +The latter was lifted only as the b-side of `` Keep on Loving Me '' . +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . +QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million . +Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint . +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . +After a break of four years , he became a Lord Justice of Appeal . +Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... . +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' +Ms. Waleson is a free - lance writer based in New York . +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . +Mrs. Marcos 's trial is expected to begin in March . +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . +The machine can run software written for other Mips computers , the company said . +That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period . +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . +His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point . +`` There are some things that have gone on here that nobody can explain , '' she says . +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . +I worry more about things becoming so unraveled on the other side that they might become unable to negotiate . +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . +But it could also help American companies , which also are starting to try to open the market . +A company spokesman did n't know Mr. Wakeman 's age . +The offering , Series 109 , is backed by Freddie Mac 10 % securities . +The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points . +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . +`` I ca n't do anything score - wise , but I like meeting the girls . '' +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . +Four other countries in Europe have approved Proleukin in recent months . +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' +Some have been training for months ; others only recently left active status . +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . +He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes . +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . +RU-486 is being administered in France only under strict supervision in the presence of a doctor . +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . +And the lawyers were just as eager as the judge to wrap it up . +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . +He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . '' +`` They 're getting some major wins , '' she added . +Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc . +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . +Mr. Baker heads the Kentucky Association of Science Educators and Skeptics . +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . +Applying this technique facilitates the connection of the center of the foot with the lower abdomen . +As a result , the lower river had to be dredged three times in two years . +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . +During the morning and evening rush hours some services run direct to/from Paddington and Reading . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . +Having been directed to found a monastery of his order in the United States in 1873 , Fr . +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . +He represented the riding of Nickel Belt in the Sudbury , Ontario area . +He was buried in the Abbey of the Psalms mausoleum at the Hollywood Forever Cemetery . +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . +In Canada , there are two organizations that regulate university and collegiate athletics . +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In a news post , Holkins stated that he reserved the right to bring Carl back any time Krahulik goes to France . +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . +In the 1960s and 70s most of Kabul 's economy depended on tourism . +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . +Initially his chances of surviving were thought to be no better than 50-50 . +It should be noted that these numbers are inclusive of any of the childminders own children . +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . +Males had a median income of $ 36,016 versus $ 32,679 for females . +Meanwhile , the Mason City Division continued to operate as usual . +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Modernity has been blended without sacrificing on the traditional Buddhist ethos . +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . +Parental investment is any expenditure of resources to benefit one offspring . +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . +She died in October 1915 of a heart attack . +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . +Shea was born on September 5 , 1900 in San Francisco , California . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The Steinbrenner family added a monument to Monument Park on September 20 , 2010 to honor Steinbrenner . +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . +The Triple-A Baseball National Championship Game was established in 2006 . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . +The canal was dammed off from the river for most of the construction period . +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . +The community is served by the United States Postal Service Hinsdale Post Office . +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +The race is in mixed eights , and usually held in late February / early March . +The rapids at the head of the South Fork were removed in 1908 . +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . +These objects are thrown away if their screen projection is too small . +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . +This engine was equipped with an electronically controlled carburetor . +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . +Total ` Fresh Food Story ' constructed at the end of the North Mall . +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . +With no assigned task , the Cosmos expressed concern for what Battra might do . +`` For a list of all medalists , please see the List of Great American Beer Festival medalists '' +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Both reflect the dismissal of lower - level and shorter - tenure executives . +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +However , the problem is that once most poison pills are adopted , they survive forever . +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . +In Japan , those functions account for only about a third of the software market . +In the U.S. , more than half the PC software sold is either for spreadsheets or for database analysis , according to Lotus . +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . +Meanwhile , at home , Mitsubishi has control of some major projects . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . +Mr. Mulford said reports of tension between the Treasury and Fed have been exaggerated , insisting that they involved `` nuances . '' +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . +Now Mr. Broberg , a lawyer , claims he 'd play for free . +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . +Repeat customers also can purchase luxury items at reduced prices . +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . +Sen. Mitchell is confident he has sufficient votes to block such a measure with procedural actions . +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . +The market 's tempo was helped by the dollar 's resiliency , he said . +The office may also be able to advise foreign and multinational clients on international law and general matters . +The three existing plants and their land will be sold . +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . \ No newline at end of file diff --git a/data/evaluation_data/benchIE/toBenchIEformat.py b/data/evaluation_data/benchIE/toBenchIEformat.py new file mode 100644 index 0000000000000000000000000000000000000000..ef95d19ed20f8d835b9ea8cbe96d1f4b1e22d1ed --- /dev/null +++ b/data/evaluation_data/benchIE/toBenchIEformat.py @@ -0,0 +1,32 @@ +sent2id = dict() +with open('sample300_en.txt', 'r') as f: + i = 1 + for line in f.readlines(): + sent2id[line.replace('\n', '')] = i + i += 1 + +with open('output_extractions.txt', 'r') as fin, open('compactIE_1.2_new.txt', 'w') as fout: + for line in fin.readlines(): + sentence, extraction, score = line.split('\t') + sentId = sent2id[sentence] + try: + arg1 = extraction[extraction.index('') + 6:extraction.index('')] + arg1 = arg1.strip() + except: + print("subject error!", extraction) + arg1 = "" + try: + rel = extraction[extraction.index('') + 5:extraction.index('')] + rel = rel.strip() + except: + print("predicate error!", extraction) + rel = "" + try: + arg2 = extraction[extraction.index('') + 6:extraction.index('')] + arg2 = arg2.strip() + if arg2 == "": + continue + except: + print("object error!", extraction) + arg2 = "" + print("{}\t{}\t{}\t{}".format(sentId, arg1, rel, arg2), file=fout) \ No newline at end of file diff --git a/data/evaluation_data/carb/carb.py b/data/evaluation_data/carb/carb.py new file mode 100644 index 0000000000000000000000000000000000000000..1f0be7a707b32ba3298a5b4014c6d5fad1ac9750 --- /dev/null +++ b/data/evaluation_data/carb/carb.py @@ -0,0 +1,386 @@ +''' +Usage: + benchmark --gold=GOLD_OIE (--openiefive=OPENIE5 | --stanford=STANFORD_OIE | --ollie=OLLIE_OIE |--reverb=REVERB_OIE | --clausie=CLAUSIE_OIE | --openiefour=OPENIEFOUR_OIE | --props=PROPS_OIE | --tabbed=TABBED_OIE | --benchmarkGold=BENCHMARK_GOLD | --allennlp=ALLENNLP_OIE ) [--exactMatch | --predMatch | --lexicalMatch | --binaryMatch | --simpleMatch | --strictMatch] [--error-file=ERROR_FILE] [--binary] + +Options: + --gold=GOLD_OIE The gold reference Open IE file (by default, it should be under ./oie_corpus/all.oie). + --benchmarkgold=GOLD_OIE The benchmark's gold reference. + # --out-OUTPUT_FILE The output file, into which the precision recall curve will be written. + --clausie=CLAUSIE_OIE Read ClausIE format from file CLAUSIE_OIE. + --ollie=OLLIE_OIE Read OLLIE format from file OLLIE_OIE. + --openiefour=OPENIEFOUR_OIE Read Open IE 4 format from file OPENIEFOUR_OIE. + --openiefive=OPENIE5 Read Open IE 5 format from file OPENIE5. + --props=PROPS_OIE Read PropS format from file PROPS_OIE + --reverb=REVERB_OIE Read ReVerb format from file REVERB_OIE + --stanford=STANFORD_OIE Read Stanford format from file STANFORD_OIE + --tabbed=TABBED_OIE Read simple tab format file, where each line consists of: + sent, prob, pred,arg1, arg2, ... + --exactmatch Use exact match when judging whether an extraction is correct. +''' +from __future__ import division +import docopt +import string +import numpy as np +from sklearn.metrics import precision_recall_curve +from sklearn.metrics import auc +import re +import logging +import pdb +import ipdb +from _collections import defaultdict +logging.basicConfig(level = logging.INFO) + +from oie_readers.allennlpReader import AllennlpReader +from oie_readers.stanfordReader import StanfordReader +from oie_readers.ollieReader import OllieReader +from oie_readers.reVerbReader import ReVerbReader +from oie_readers.clausieReader import ClausieReader +from oie_readers.openieFourReader import OpenieFourReader +from oie_readers.openieFiveReader import OpenieFiveReader +from oie_readers.propsReader import PropSReader +from oie_readers.tabReader import TabReader +from oie_readers.benchmarkGoldReader import BenchmarkGoldReader + +from oie_readers.goldReader import GoldReader +from matcher import Matcher +from operator import itemgetter +import pprint +from copy import copy +pp = pprint.PrettyPrinter(indent=4) + +class Benchmark: + ''' Compare the gold OIE dataset against a predicted equivalent ''' + def __init__(self, gold_fn): + ''' Load gold Open IE, this will serve to compare against using the compare function ''' + gr = GoldReader() + gr.read(gold_fn) + self.gold = gr.oie + + def compare(self, predicted, matchingFunc, output_fn=None, error_file=None, binary=False): + ''' Compare gold against predicted using a specified matching function. + Outputs PR curve to output_fn ''' + + y_true = [] + y_scores = [] + errors = [] + correct = 0 + incorrect = 0 + + correctTotal = 0 + unmatchedCount = 0 + predicted = Benchmark.normalizeDict(predicted) + gold = Benchmark.normalizeDict(self.gold) + if binary: + predicted = Benchmark.binarize(predicted) + gold = Benchmark.binarize(gold) + #gold = self.gold + + # taking all distinct values of confidences as thresholds + confidence_thresholds = set() + for sent in predicted: + for predicted_ex in predicted[sent]: + confidence_thresholds.add(predicted_ex.confidence) + + confidence_thresholds = sorted(list(confidence_thresholds)) + num_conf = len(confidence_thresholds) + + results = {} + p = np.zeros(num_conf) + pl = np.zeros(num_conf) + r = np.zeros(num_conf) + rl = np.zeros(num_conf) + + for sent, goldExtractions in gold.items(): + + if sent in predicted: + predictedExtractions = predicted[sent] + else: + predictedExtractions = [] + + scores = [[None for _ in predictedExtractions] for __ in goldExtractions] + + # print("***Gold Extractions***") + # print("\n".join([goldExtractions[i].pred + ' ' + " ".join(goldExtractions[i].args) for i in range(len(goldExtractions))])) + # print("***Predicted Extractions***") + # print("\n".join([predictedExtractions[i].pred+ " ".join(predictedExtractions[i].args) for i in range(len(predictedExtractions))])) + + for i, goldEx in enumerate(goldExtractions): + for j, predictedEx in enumerate(predictedExtractions): + score = matchingFunc(goldEx, predictedEx,ignoreStopwords = True,ignoreCase = True) + scores[i][j] = score + + + # OPTIMISED GLOBAL MATCH + sent_confidences = [extraction.confidence for extraction in predictedExtractions] + sent_confidences.sort() + prev_c = 0 + for conf in sent_confidences: + c = confidence_thresholds.index(conf) + ext_indices = [] + for ext_indx, extraction in enumerate(predictedExtractions): + if extraction.confidence >= conf: + ext_indices.append(ext_indx) + + recall_numerator = 0 + for i, row in enumerate(scores): + max_recall_row = max([row[ext_indx][1] for ext_indx in ext_indices ], default=0) + recall_numerator += max_recall_row + + precision_numerator = 0 + + selected_rows = [] + selected_cols = [] + num_precision_matches = min(len(scores), len(ext_indices)) + for t in range(num_precision_matches): + matched_row = -1 + matched_col = -1 + matched_precision = -1 # initialised to <0 so that it updates whenever precision is 0 as well + for i in range(len(scores)): + if i in selected_rows: + continue + for ext_indx in ext_indices: + if ext_indx in selected_cols: + continue + if scores[i][ext_indx][0] > matched_precision: + matched_precision = scores[i][ext_indx][0] + matched_row = i + matched_col = ext_indx + + selected_rows.append(matched_row) + selected_cols.append(matched_col) + precision_numerator += scores[matched_row][matched_col][0] + + p[prev_c:c+1] += precision_numerator + pl[prev_c:c+1] += len(ext_indices) + r[prev_c:c+1] += recall_numerator + rl[prev_c:c+1] += len(scores) + + prev_c = c+1 + + # for indices beyond the maximum sentence confidence, len(scores) has to be added to the denominator of recall + rl[prev_c:] += len(scores) + + prec_scores = [a/b if b>0 else 1 for a,b in zip(p,pl) ] + rec_scores = [a/b if b>0 else 0 for a,b in zip(r,rl)] + + f1s = [Benchmark.f1(p,r) for p,r in zip(prec_scores, rec_scores)] + try: + optimal_idx = np.nanargmax(f1s) + optimal = (prec_scores[optimal_idx], rec_scores[optimal_idx], f1s[optimal_idx]) + return np.round(optimal,3) + except ValueError: + # When there is no prediction + optimal = (0,0) + + # In order to calculate auc, we need to add the point corresponding to precision=1 , recall=0 to the PR-curve + # temp_rec_scores = rec_scores.copy() + # temp_prec_scores = prec_scores.copy() + # temp_rec_scores.append(0) + # temp_prec_scores.append(1) + # # print("AUC: {}\t Optimal (precision, recall, F1): {}".format( np.round(auc(temp_rec_scores, temp_prec_scores),3), np.round(optimal,3) )) + # + # with open(output_fn, 'w') as fout: + # fout.write('{0}\t{1}\t{2}\n'.format("Precision", "Recall", "Confidence")) + # for cur_p, cur_r, cur_conf in sorted(zip(prec_scores, rec_scores, confidence_thresholds), key = lambda cur: cur[1]): + # fout.write('{0}\t{1}\t{2}\n'.format(cur_p, cur_r, cur_conf)) + # + # if len(f1s)>0: + # return np.round(auc(temp_rec_scores, temp_prec_scores),3), np.round(optimal,3) + # else: + # # When there is no prediction + # return 0, (0,0,0) + + @staticmethod + def binarize(extrs): + res = defaultdict(lambda: []) + for sent,extr in extrs.items(): + for ex in extr: + #Add (a1, r, a2) + temp = copy(ex) + temp.args = ex.args[:2] + res[sent].append(temp) + + if len(ex.args) <= 2: + continue + + #Add (a1, r a2 , a3 ...) + for arg in ex.args[2:]: + temp.args = [ex.args[0]] + temp.pred = ex.pred + ' ' + ex.args[1] + words = arg.split() + + #Add preposition of arg to rel + if words[0].lower() in Benchmark.PREPS: + temp.pred += ' ' + words[0] + words = words[1:] + temp.args.append(' '.join(words)) + res[sent].append(temp) + + return res + + @staticmethod + def f1(prec, rec): + try: + return 2*prec*rec / (prec+rec) + except ZeroDivisionError: + return 0 + + @staticmethod + def aggregate_scores_greedily(scores): + # Greedy match: pick the prediction/gold match with the best f1 and exclude + # them both, until nothing left matches. Each input square is a [prec, rec] + # pair. Returns precision and recall as score-and-denominator pairs. + matches = [] + while True: + max_s = 0 + gold, pred = None, None + for i, gold_ss in enumerate(scores): + if i in [m[0] for m in matches]: + # Those are already taken rows + continue + for j, pred_s in enumerate(scores[i]): + if j in [m[1] for m in matches]: + # Those are used columns + continue + if pred_s and Benchmark.f1(*pred_s) > max_s: + max_s = Benchmark.f1(*pred_s) + gold = i + pred = j + if max_s == 0: + break + matches.append([gold, pred]) + # Now that matches are determined, compute final scores. + prec_scores = [scores[i][j][0] for i,j in matches] + rec_scores = [scores[i][j][1] for i,j in matches] + total_prec = sum(prec_scores) + total_rec = sum(rec_scores) + scoring_metrics = {"precision" : [total_prec, len(scores[0])], + "recall" : [total_rec, len(scores)], + "precision_of_matches" : prec_scores, + "recall_of_matches" : rec_scores + } + return scoring_metrics + + # Helper functions: + @staticmethod + def normalizeDict(d): + return dict([(Benchmark.normalizeKey(k), v) for k, v in d.items()]) + + @staticmethod + def normalizeKey(k): + # return Benchmark.removePunct(unicode(Benchmark.PTB_unescape(k.replace(' ','')), errors = 'ignore')) + return Benchmark.removePunct(str(Benchmark.PTB_unescape(k.replace(' ','')))) + + @staticmethod + def PTB_escape(s): + for u, e in Benchmark.PTB_ESCAPES: + s = s.replace(u, e) + return s + + @staticmethod + def PTB_unescape(s): + for u, e in Benchmark.PTB_ESCAPES: + s = s.replace(e, u) + return s + + @staticmethod + def removePunct(s): + return Benchmark.regex.sub('', s) + + # CONSTANTS + regex = re.compile('[%s]' % re.escape(string.punctuation)) + + # Penn treebank bracket escapes + # Taken from: https://github.com/nlplab/brat/blob/master/server/src/gtbtokenize.py + PTB_ESCAPES = [('(', '-LRB-'), + (')', '-RRB-'), + ('[', '-LSB-'), + (']', '-RSB-'), + ('{', '-LCB-'), + ('}', '-RCB-'),] + + PREPS = ['above','across','against','along','among','around','at','before','behind','below','beneath','beside','between','by','for','from','in','into','near','of','off','on','to','toward','under','upon','with','within'] + +def f_beta(precision, recall, beta = 1): + """ + Get F_beta score from precision and recall. + """ + beta = float(beta) # Make sure that results are in float + return (1 + pow(beta, 2)) * (precision * recall) / ((pow(beta, 2) * precision) + recall) + + +if __name__ == '__main__': + args = docopt.docopt(__doc__) + logging.debug(args) + + if args['--allennlp']: + predicted = AllennlpReader() + predicted.read(args['--allennlp']) + + if args['--stanford']: + predicted = StanfordReader() + predicted.read(args['--stanford']) + + if args['--props']: + predicted = PropSReader() + predicted.read(args['--props']) + + if args['--ollie']: + predicted = OllieReader() + predicted.read(args['--ollie']) + + if args['--reverb']: + predicted = ReVerbReader() + predicted.read(args['--reverb']) + + if args['--clausie']: + predicted = ClausieReader() + predicted.read(args['--clausie']) + + if args['--openiefour']: + predicted = OpenieFourReader() + predicted.read(args['--openiefour']) + + if args['--openiefive']: + predicted = OpenieFiveReader() + predicted.read(args['--openiefive']) + + if args['--benchmarkGold']: + predicted = BenchmarkGoldReader() + predicted.read(args['--benchmarkGold']) + + if args['--tabbed']: + predicted = TabReader() + predicted.read(args['--tabbed']) + + if args['--binaryMatch']: + matchingFunc = Matcher.binary_tuple_match + + elif args['--simpleMatch']: + matchingFunc = Matcher.simple_tuple_match + + elif args['--exactMatch']: + matchingFunc = Matcher.argMatch + + elif args['--predMatch']: + matchingFunc = Matcher.predMatch + + elif args['--lexicalMatch']: + matchingFunc = Matcher.lexicalMatch + + elif args['--strictMatch']: + matchingFunc = Matcher.tuple_match + + else: + matchingFunc = Matcher.binary_linient_tuple_match + + b = Benchmark(args['--gold']) + # out_filename = args['--out'] + + + optimal_f1_point = b.compare(predicted = predicted.oie, + matchingFunc = matchingFunc, + error_file = args["--error-file"], + binary = args["--binary"]) + + print("Precision: {}, Recall: {}, F1-score: {}".format(optimal_f1_point[0], optimal_f1_point[1], optimal_f1_point[2])) diff --git a/data/evaluation_data/carb/carb_test_conjunctions.txt b/data/evaluation_data/carb/carb_test_conjunctions.txt new file mode 100644 index 0000000000000000000000000000000000000000..f7c309b7047ce586ef1b067994d18665024701fa --- /dev/null +++ b/data/evaluation_data/carb/carb_test_conjunctions.txt @@ -0,0 +1,2286 @@ +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . +32.7 % of all households were made up of individuals . +15.7 % had someone living alone who was 65 years of age . +15.7 % had someone living alone who was older . + +A CEN forms an important but small part of a Local Strategic Partnership . +A CEN forms an important part of a Local Strategic Partnership . +A CEN forms an small part of a Local Strategic Partnership . + +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . + + +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . +A cafeteria is also located on the sixth floor . +a chapel is also located on the 14th floor . +a study hall is also located on the 15th floor . + +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . +A common name followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . +A common logo followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . +A common programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . + +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . + + +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . + + +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . + + +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . + + +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . + + +A short distance to the east , NC 111 diverges on Greenwood Boulevard . + + +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . +A spectrum from a single FID has a low signal-to-noise ratio . +fortunately it improves readily with averaging of repeated acquisitions . + +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the fact that they were the `` Guardians '' of the true Israelite religion . + +According to the 2010 census , the population of the town is 2,310 . + + +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . + + +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . +After 1895 cable hauling ceased . +After 1895 locomotives pulled trains the whole length of the Victoria tunnels . +After 1895 locomotives pulled trains the whole length of the Waterloo tunnels . + +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . +After five years of searching , the Colonials named it Earth . +After five years of searching , the Colonials found a primitive new world . +After five years of searching , the Colonials found a lush new world . +After five years of searching , the Colonials found a vibrant new world . + +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC . +After leaving `` Hex '' , Cole guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . + +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . + + +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding . +After this point many of the republicans were arrested in Free State `` round ups '' when they had returned home . + +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . + + +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . +Although under constant attack from kamikazes as well as fighters , `` Hazelwood '' came through the invasion untouched . +Although under constant attack from kamikazes as well as fighters , `` Hazelwood '' on the night of 25 February sank two small enemy freighters with her guns . +Although under constant attack from kamikazes as well as dive-bombers , `` Hazelwood '' came through the invasion untouched . +Although under constant attack from kamikazes as well as dive-bombers , `` Hazelwood '' on the night of 25 February sank two small enemy freighters with her guns . + +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . +An original limited artist edition of 250 was published in 1989 . +An original limited artist edition of 250 was an oversized fine press slip-cased book with stainless steel faced boards . +An original limited artist edition of 250 was an oversized fine press slip-cased book with digital clock inset into the front cover . + +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . + + +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . +And he was in Ali 's army in the Battle of Jamal . +And later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . + +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . + + +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . + + +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development . +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during debugging . +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during analyzing performance . + +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . + + +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . + + +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . + + +As a result , the lower river had to be dredged three times in two years . + + +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . +As early as the 15th century , the French kings sent commissioners to the provinces to take necessary action . +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal affairs . +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on administrative affairs . + +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption , two worlds of integrity . +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption , two worlds of social pressure . +As in his first novel , Armah contrasts the two worlds of materialism and moral values , dreams , two worlds of integrity . +As in his first novel , Armah contrasts the two worlds of materialism and moral values , dreams , two worlds of social pressure . + +As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration . + + +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical . +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is lucrative . + +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . + + +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . +Assisting in the recording process were Fernando Cabello . +Assisting in the recording process were two friends of the group , Eva Dalda . +Assisting in the recording process were two friends of the group , Lydia Iovanne . + +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . + + +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . +At least 11 villagers disappeared in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . +8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . + +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . +At no cost to the parents , these services are provided in compliance with state law . +At no cost to the parents , these services are provided in compliance with federal law . +At no cost to the parents , these services are reasonably calculated to yield meaningful educational benefit . +At no cost to the parents , these services are reasonably calculated to yield student progress . + +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . +At one point , Ballard is nearly possessed . +At one point , Ballard resists when she is given a drug . +At one point , Ballard resists when she discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . + +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . +Barbara , however , unable to leave behind her vigilante life , fought a mugger . +Barbara , however , unable to leave behind her vigilante life , ultimately miscarried her child . + +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . + + +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . + + +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . +Because of his talents , Beast can outperform any Olympic-level athlete , contorting his body . +Because of his talents , Beast can outperform any Olympic-level athlete , performing aerial feats gracefully . +Because of his training , Beast can outperform any Olympic-level athlete , contorting his body . +Because of his training , Beast can outperform any Olympic-level athlete , performing aerial feats gracefully . + +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . + + +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . + + +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . +But this practice simply reduces government interest costs rather than truly canceling government debt . +But this practice can result in hyperinflation if used unsparingly . + +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . + + +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . +By this point , Simpson had returned to his mansion in Brentwood . +By this point , Simpson had surrendered to police . + +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . + + +Cis-regulatory elements are sequences that control the transcription of a nearby gene . + + +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Citizens for Responsibility in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Citizens for Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . + +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . + + +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . +Curley was the first classical . +Curley to perform a solo organ recital at the White House . +Curley played before several European heads of state . + +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . + + +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre . +Despite the below-freezing temperatures , Beuerlein was red-hot , passing for a then franchise-record 373 yards . +Despite the below-freezing temperatures , Beuerlein was red-hot , connecting on 29 of 42 attempts , with 3 TDs . +Despite the below-freezing temperatures , Beuerlein was red-hot , connecting on 29 of 42 attempts , with no INTs . + +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . +Dodo was originally intended to have a `` common '' accent . +Dodo is portrayed this way at the end of `` The Massacre '' . + +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . +Dr. Pim played for Ireland against England in 1892 . +Dr. Pim played for Ireland against England in 1893 . +Dr. Pim played for Ireland against England in 1894 . +Dr. Pim played for Ireland against England in 1896 . + +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . + + +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the downtown area , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of Fulton Counties , as it was a rimshot to the southwest of the city . +Due to the transmitter location being based in Tyrone , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of DeKalb Counties , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of Fulton Counties , as it was a rimshot to the southwest of the city . +Due to a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the northern reaches of DeKalb Counties , as it was a rimshot to the southwest of the city . + +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . + + +During the morning and evening rush hours some services run direct to/from Paddington and Reading . +During the morning rush hours some services run direct to/from Paddington . +During the morning rush hours some services run direct to/from Reading . +During the evening rush hours some services run direct to/from Paddington . +During the evening rush hours some services run direct to/from Reading . + +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . +During the off-season the ACT Rugby Union was renamed the ACT Rugby Union , and the name of the team was changed to Brumbies Rugby . +During the off-season the ACT Rugby Union was renamed the Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . + +Each of the Matoran brought their Toa stone and met each other at the Great Temple . +Each of the Matoran brought their Toa stone . +Each of the Matoran met each other at the Great Temple . + +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . +Falun Gong 's teachings are compiled from Li 's lectures . +Li holds definitional power in that belief system . + +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . + + +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside buildings in areas that were once designated as smoking areas . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including outside buildings in areas that were once designated as smoking areas . + +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . +Furthermore , knowledge pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . +Furthermore , interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . + +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . + + +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African filmmaker , best known for writing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African filmmaker , best known for directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African screenwriter , best known for writing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African screenwriter , best known for directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African producer , best known for writing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African producer , best known for directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African actor , best known for writing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +Gavin Hood is a South African actor , best known for directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . + +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . +George Bluth Sr. , patriarch of the Bluth family , is the founder of the Bluth Company which markets mini-mansions among many other activities . +George Bluth Sr. , patriarch of the Bluth family , is the founder of the Bluth Company which builds mini-mansions among many other activities . +George Bluth Sr. , patriarch of the Bluth family , is the former CEO of the Bluth Company which markets mini-mansions among many other activities . +George Bluth Sr. , patriarch of the Bluth family , is the former CEO of the Bluth Company which builds mini-mansions among many other activities . + +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . +Godzilla battled on the ocean floor , until they caused a rift to open between tectonic plates . +Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . + +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . + + +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course . +in this way HTB seeks to spread the teachings of Christianity . + +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . +Hapoel Lod won the State Cup in 1984 . +Hapoel Lod played in the top division during the 1960s . +Hapoel Lod played in the top division during the 1980s . + +Having been directed to found a monastery of his order in the United States in 1873 , Fr . + + +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear MRO services for all major aircraft types . +Hawker Pacific Aerospace is a MRO-Service company which offers hydraulic MRO services for all major aircraft types . + +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . +He also possesses enhanced senses . +He also can track people for great distances over open terrain . +his feet are sensitive enough to detect electronic signals through solid walls . +his feet are sensitive enough to detect electronic signals through solid floors . + +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . +He also took 124 wickets , with 7 for 39 against Sargodha in 1962-63 his best bowling figures . +He also took 124 wickets , with 6 for 44 against Sargodha in 1962-63 his best bowling figures . + +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . + + +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . + + +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . + + +He had spent 11 years in jail despite having been acquitted twice . + + +He is idolized , receiving the name of `` God '' . + + +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . +He left only a small contingent to guard the defile . +He took his entire army to destroy the plain that lay ahead of Alexander 's army . + +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor . +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous ink magnate . + +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . + + +He represented the riding of Nickel Belt in the Sudbury , Ontario area . + + +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . +He talked to McGee about using his name , which is confirmed by correspondence between McGee and his family . +He received permission , which is confirmed by correspondence between McGee and his family . + +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . + + +Her image held aloft signifies the Earth , which `` hangs in the air '' . + + +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . + + +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . + + +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . +Hoechst 33342 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . +Hoechst 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . + +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . +Hofmann was a below-average high school student . +he had many hobbies including magic . +he had many hobbies including electronics . +he had many hobbies including chemistry . +he had many hobbies including stamp . +he had many hobbies including coin collecting . + +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces cluster bombs . + +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton . +However , Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart . +However , FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . + +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . +However , during his rehearsal , Knievel lost control of the motorcycle . +However , during his rehearsal , Knievel crashed into a cameraman . + +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . +However , it became far less safe for the Nationals from 1983 onward . +However , strong population growth over the last three decades has seen it progressively lose its rural territory . +However , strong population growth over the last three decades has reduced it to a more coastal-based division . +However , strong population growth over the last three decades has reduced it to a more urbanised division . + +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . +However , when the antigenicities of the seed strains do not match , vaccines fail to protect the vaccinees . +However , when the antigenicities of the wild viruses do not match , vaccines fail to protect the vaccinees . + +If given this data , the Germans would be able to adjust their aim and correct any shortfall . +If given this data , the Germans would be able to adjust their aim . +If given this data , the Germans would be able to correct any shortfall . + +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . + + +In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II . + + +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . + + +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . + + +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' +In 1926 , `` The News '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' +In 1926 , `` The Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' + +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . + + +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . +In 1972 , he won from Yakutpura . +later in 1978 , again from Charminar . + +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . + + +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . + + +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' . +In 1977 she appeared in two television films , as Emily McPhail in `` Tell Me My Name '' . + +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . +In 1987 , Rodan became president of the American Society for Bone Research . +In 1987 , Rodan became president of the American Society for Mineral Research . + +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme . '' +In 1990 Kelsang Gyatso `` made the pursuit of his new programmes compulsory . '' + +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . + + +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . +In 2006 they applied for National League Three , finishing in 5th place . +In 2006 they applied for National League Three , qualifying for the play-offs , where they lost to St Albans Centurions . + +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . + + +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote health treatments , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote the ubiquitous `` 1 weird old tip '' belly fat diets , unauthorized usage of which Theuriau was initially unaware . +In 2010 , scam websites co-opted a photograph of her to promote penny auctions , unauthorized usage of which Theuriau was initially unaware . + +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset with UEFI . +In 2011 , major vendors launched several consumer-oriented motherboards using AMD 9 Series AM3 + chipsets with UEFI . + +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . + + +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . + + +In Canada , there are two organizations that regulate university and collegiate athletics . +In Canada , there are two organizations that regulate university athletics . +In Canada , there are two organizations that regulate collegiate athletics . + +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God . '' +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` my whole body of Law . '' + +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . + + +In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World . + + +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez . +In June , Nasser pressured Naguib to conclude the abolition of the monarchy . + +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In October 2009 it was confirmed that the Byrom Street cutting was a hitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In October 2009 it was confirmed that the Byrom Street cutting was a unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . + +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . + + +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . + + +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . + + +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . +In a typical case of substrate interference , a Language A occupies a given territory . +In a typical case of substrate interference , another Language B arrives in the same territory . + +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' + + +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . +In athletics , Boston College left the Big East Conference on July 1 , 2005 . +In athletics , Boston College joined the Atlantic Coast Conference on July 1 , 2005 . + +In both cases this specialized function replaces the basic rifleman position in the fireteam . + + +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . + + +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . + + +In more recent years , this policy has apparently relaxed somewhat . + + +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . + + +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . + + +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . + + +In the 1960s and 70s most of Kabul 's economy depended on tourism . +In the 1960s most of Kabul 's economy depended on tourism . +In the 70s most of Kabul 's economy depended on tourism . + +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . +In the 1986 television series `` War '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . +In the 1986 television series `` Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . + +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . +In the Civil War , he advocated strong prosecution of the Union War effort . +In the Civil War , he advocated the end of slavery . +In the Civil War , he advocated civil rights for freed African Americans . + +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade . +In the Crimean War , the 5th Dragoon Guards was sent to the Black Sea in 1854 . + +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . +In the early 19th century the Welsh Methodists broke away from the Anglican church . +In the early 19th century the Welsh Methodists established their own denomination , now the Presbyterian Church of Wales . + +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . +in the extreme southeast Khengkha is spoken . +In the north inhabitants speak Bumthangkha . +In the east inhabitants speak Bumthangkha . + +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . + + +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . + + +In those years , he began to collaborate with some newspapers . + + +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . + + +Initially his chances of surviving were thought to be no better than 50-50 . + + +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . +It has long hind legs that it uses to communicate by making drumming noises . +It has a long , slender , scaly tail that it uses to communicate by making drumming noises . + +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . +It is essentially the same as the dialect spoken in Xiamen . +It is unintelligible with Standard Chinese . + +It is not really passable , and must be done on foot if attempted . +It is not really passable . +It must be done on foot if attempted . + +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . +It is part of the Surrey Hills Area of Outstanding Beauty . +It is situated on the Green Sand Way . + +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane . +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Siege of Fort Erie , in 1814 . + +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work . +It was originally aimed at mature entrants to the teaching profession , who could not afford to undertake a traditional method of teacher training such as the PGCE . + +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era . +Its cultivation even declined in favour of the Asian species , which spread westward . + +JAL introduced jet service on the Fukuoka-Tokyo route in 1961 . + + +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . + + +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . +John Stewart brought down New Warworld , which were detonated next to the Anti-Monitor ; even this was not enough to kill him . +John Stewart brought down New Warworld , which were contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . +John Stewart brought down the Yellow Central Power Battery , which were detonated next to the Anti-Monitor ; even this was not enough to kill him . +John Stewart brought down the Yellow Central Power Battery , which were contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . +Guy Gardner brought down New Warworld , which were detonated next to the Anti-Monitor ; even this was not enough to kill him . +Guy Gardner brought down New Warworld , which were contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . +Guy Gardner brought down the Yellow Central Power Battery , which were detonated next to the Anti-Monitor ; even this was not enough to kill him . +Guy Gardner brought down the Yellow Central Power Battery , which were contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . + +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . + + +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . +it seems that at this point Keats had a genuine desire to become a doctor . +Keats 's long medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's long medical training at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's expensive medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security . +Keats 's expensive medical training at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security . + +Keibler then asked for time off to appear on `` Dancing with the Stars '' . + + +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 . +Kim from Oberlin College in Ohio in 1993 where he played for the varsity lacrosse team . +Kim from Oberlin College in Ohio in 1993 where he double-majored in Government . +Kim from Oberlin College in Ohio in 1993 where he double-majored in English . + +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . +Kostabi 's other releases include : `` Songs For Sumera '' . +Kostabi 's other releases include : `` `` New Alliance '' . +Kostabi 's other releases include : `` `` The Spectre Of Modernism '' . + +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . +Langford kept Walcott at a distance with his longer reach . +Langford used his footwork to evade all of Walcott 's attacks . + +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace . +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals in social settings . + +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . +Lemmy believes that if Will Reid Dick had not been there , they . +Lemmy believes that if Will Reid Dick had not been there , worked through the problems . +Lemmy believes that if Will Reid Dick had not been there , ended up exchanging a few words . +Lemmy believes that if Will Reid Dick had not been there , Clarke left the studio . + +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . +Lens subluxation is also seen in dogs . +Lens subluxation is characterized by a partial displacement of the lens . + +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun . +Li Hongzhi subsequently gave lectures across China . +Li Hongzhi subsequently taught Falun Gong exercises across China . + +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . + + +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . + + +Males had a median income of $ 28,750 versus $ 16,250 for females . + + +Males had a median income of $ 36,016 versus $ 32,679 for females . + + +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . +larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . +Many are surgically removed for aesthetics , although the benefit is impossible to assess for any individual patient . +Many are surgically removed for relief of psychosocial burden , although the benefit is impossible to assess for any individual patient . + +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . + + +Meanwhile , the Mason City Division continued to operate as usual . + + +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account the size of the barrack blocks in the Gorgan Wall forts , produce figures between 15,000 and 36,000 soldiers . +Models , taking into account the room number of the barrack blocks in the Gorgan Wall forts , produce figures between 15,000 and 36,000 soldiers . + +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . +Modern educational methods were more widely spread throughout the Empire . +the country embarked on a development scheme , tempered by Ethiopian traditions . +the country embarked on a development scheme , within the framework of the ancient monarchical structure of the state . +the country embarked on plans for modernization , tempered by Ethiopian traditions . +the country embarked on plans for modernization , within the framework of the ancient monarchical structure of the state . + +Modernity has been blended without sacrificing on the traditional Buddhist ethos . + + +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . + + +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . +Moore briefly dropped Marciano in the second round . +Marciano recovered knocking him out in the ninth to retain the belt . +Marciano knocked Moore down five times , knocking him out in the ninth to retain the belt . + +No announcement from UTV was made about the decision to close the station earlier than planned . + + +Noatak has a gravel public airstrip and is primarily reached by air . +Noatak has a gravel public airstrip . +Noatak is primarily reached by air . + +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' . +with nothing else to go on they decided to track the Matoran down . + +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . +Nothing is known for certain about his life before about 1580 . +contemporary accounts suggest that he was brought up as a member of the Church of Scotland . +contemporary accounts suggest that he spent some time in Argyll before leaving for the Continent . +contemporary accounts suggest that he was converted to Catholicism in Spain . +near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland . +near-contemporary accounts suggest that he spent some time in Argyll before leaving for the Continent . +near-contemporary accounts suggest that he was converted to Catholicism in Spain . + +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' + + +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . + + +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . + +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . + + +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . + + +On November 2 , 2005 , Brown ended his contract early and left the federal government . +On November 2 , 2005 , Brown ended his contract early . +On November 2 , 2005 , Brown left the federal government . + +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . + + +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . + + +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . +Only Ballard are left after Sergeant Jericho , along with the two train operators , are killed when they try to finish the fight . +Only Ballard are left after the other officers , along with the two train operators , are killed when they try to finish the fight . +Only Williams are left after Sergeant Jericho , along with the two train operators , are killed when they try to finish the fight . +Only Williams are left after the other officers , along with the two train operators , are killed when they try to finish the fight . + +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' . '' +Cotton Mather called it `` the sewer of New England . '' + +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . + + +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . +Other signs of lens subluxation include mild conjunctival redness . +Other signs of lens subluxation include vitreous humour degeneration . +Other signs of lens subluxation include prolapse of the vitreous into the anterior chamber . +Other signs of lens subluxation include an increase of anterior chamber depth . +Other signs of lens subluxation include an decrease of anterior chamber depth . + +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . + + +Parental investment is any expenditure of resources to benefit one offspring . + + +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . + + +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . + + +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . + + +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' + + +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . +Proliferative nodules are usually biopsied . +Proliferative nodules are regularly found to be benign . +Proliferative nodules are not systematically found to be benign . + +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . +RedHat engineers identified problems with ProPolice though . +RedHat engineers in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . + +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink . +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - bull skinks . +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - western brown snakes . + +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . +Results like these indicate acoustic mimicry complexes , both Batesian , may be widespread in the auditory world . +Results like these indicate acoustic mimicry complexes , both Mullerian , may be widespread in the auditory world . + +Returning home , Ballard delivers her report , which her superiors refuse to believe . + + +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist . +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as a cricket wicketkeeping coach . +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities a football goalkeeping coach . + +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country over the years . +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the world at large over the years . + +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . + + +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . +Several isomers of octene are known , depending on the position of the double bond in the carbon chain . +Several isomers of octene are known , depending on the geometry of the double bond in the carbon chain . + +She died in October 1915 of a heart attack . + + +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . + + +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . +She published more than 15 research publications , including International Journals . +She published more than 15 research publications , including International Conferences . +She published more than 15 research publications , including National Conferences . +She published more than 15 research publications , including workshops . +She published more than 15 research publications , including seminars . + +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . +She returned to that Thames River base 9 February 1931 . +She for the remainder of the decade served as a training ship primarily for the Submarine School at New London . +She for the remainder of the decade served as a training ship occasionally for NROTC units in the southern New England area . + +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . +She was ordered to be rebuilt on 9 March 1724 . +She was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . + +Shea was born on September 5 , 1900 in San Francisco , California . + + +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . + + +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . + + +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . +Specifically , knowledge in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . +Specifically , interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . + +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . +Spennymoor Town F.C. are the main local football team . +Spennymoor Town F.C. won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . + +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . + + +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , hurled his shattered body into space . + +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . + + +Team Racing is a NASCAR Craftsman Truck Series team . + + +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . +That same year saw an outbreak of plague in Venice , one that lasted two years . +That same year saw an outbreak of plague in Venice , one that caused Franco to leave the city . +That same year saw an outbreak of plague in Venice , one that caused Franco to lose many of her possessions . + +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . + + +The Acrolepiidae family of moths are also known as False Diamondback moths . + + +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . + + +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . +The Bourbons built additional reception rooms . +The Bourbons reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . + +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Alcohol , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Tobacco , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Firearms , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The Bureau of Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . + +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The CRZ was organized by the Nepal members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The CRZ was organized by the Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . + +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . + + +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . +The Hamburg Concathedral with chapterhouse courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . +The Hamburg Concathedral with capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . + +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 under the Welland Canal . +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying the unsigned designation of Highway 7146 under the Welland Canal . + +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . + + +The PAC bulletins were widely distributed at these meetings . + + +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . +The Persian contingent that was supposed to guard the defile soon abandoned it . +Alexander passed through without any problems . + +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . + + +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury . +The River Stour Trust , formed in 1968 , has a purpose built Visitor Centre located at Cornard Lock . + +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . + + +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . +The Summer Programs Office runs these programs . +many Wardlaw-Hartridge Students attend camp over the summer . +many Wardlaw-Hartridge Students attend classes over the summer . + +The Triple-A Baseball National Championship Game was established in 2006 . + + +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups . +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by non-profits . +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by other independent producers . + +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street '' . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call portions of Mashapaug Road `` Old Route 15 '' . + +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . +The `` Charleston Courier , '' founded in 1803 , merged to form the `` News '' in 1873 . +The `` Charleston Courier , '' founded in 1803 , merged to form the `` Courier '' in 1873 . +`` Charleston Daily News , '' founded in 1865 , merged to form the `` News '' in 1873 . +`` Charleston Daily News , '' founded in 1865 , merged to form the `` Courier '' in 1873 . + +The album , produced by Roy Thomas Baker , was promoted with American and European tours . +The album , produced by Roy Thomas Baker , was promoted with American tours . +The album , produced by Roy Thomas Baker , was promoted with European tours . + +The canal was dammed off from the river for most of the construction period . + + +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . +The car used in `` Stealth '' was a band member 's car . +The car used in `` Stealth '' was recorded just outside the studio in the parking lot . + +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . +The city was founded by the Western Town Lot Company in 1880 . +The city was originally named Nordland , with the platted streets given Norwegian names . + +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . + + +The community is served by the United States Postal Service Hinsdale Post Office . + + +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 . +The diocese was renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . + +The economy of Ostrov is based on food , electronic , and textile industries . +The economy of Ostrov is based on food industries . +The economy of Ostrov is based on electronic industries . +The economy of Ostrov is based on textile industries . + +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . +The engine had twin turbochargers . +The engine produced an advertised at 5700 rpm . +The engine produced of torque on 8 lbs of boost . + +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records . +The ensemble also has extensive recordings under their own label . + +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia . +although specimens were collected , the Society folded in 1822 . + +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . +The extension of the University Library can be found on the second floor . +parking for 120 cars on the third to sixth floors . + +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . +The external gauge is usually readable directly . +most also incorporate an electronic sender to operate a fuel gauge on the dashboard . + +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . +The failure of 1st Armored to arrive intact would have important consequences in later action against German forces in Tunisia . +The failure of 1st Armored to deploy as a single entity would have important consequences in later action against German forces in Tunisia . + +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . + + +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . + + +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . +The first five laps would be added to the second part of the race . +the overall result would be decided on aggregate . + +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . +The first library in Huntington Beach opened in 1909 . +The first library in Huntington Beach has since evolved to a five location library system : Central . +The first library in Huntington Beach has since evolved to a five location library system : Main Street . +The first library in Huntington Beach has since evolved to a five location library system : Oak View . +The first library in Huntington Beach has since evolved to a five location library system : Helen Murphy . +The first library in Huntington Beach has since evolved to a five location library system : Banning . + +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , . +The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Singapore . +The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Guam . + +The founder had pledged himself to honour the Blessed Virgin in a special manner . + + +The fundraiser was successful , and the trip occurred from June through September of 2014 . +The fundraiser was successful . +the trip occurred from June of 2014 . +the trip occurred from September of 2014 . + +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . +The fuselage had an oval cross-section . +The fuselage housed a water-cooled inverted-V V-12 engine . + +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . + + +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . + + +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . + + +The opening credits sequence for the collection was directed by Hanada Daizaburo . + + +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . +The permanent members are the provost . +The permanent members are the Carl H. Pforzheimer University Professor . +The permanent members are the deans or designees from the following Schools : Harvard Business School . +The permanent members are the deans or designees from the following Schools : Harvard Law School . +The permanent members are the deans or designees from the following Schools : Harvard Medical School . +The permanent members are the deans or designees from the following Schools : the Faculty of Arts . +The permanent members are the deans or designees from the following Schools : the Faculty of Sciences . + +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +The pillars in a line on its both sides are according to Doric style . +The pillars in a line on its both sides are according to Greek style . + +The race is in mixed eights , and usually held in late February / early March . +The race is in mixed eights . +The race is usually held in late February . +The race is usually held in early March . + +The rapids at the head of the South Fork were removed in 1908 . + + +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic . +The redesigned 2006 Ram SRT-10 came in Inferno Red . +The redesigned 2006 Ram SRT-10 came in Brilliant Black Crystal Clear Coat . + +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . +The residue can be reprocessed for more dripping . +The residue can be strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . + +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff . +the crocodile breaks through a wall . +the crocodile devours Annabelle . + +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . +The restrictions against eating meat , besides reducing a person 's pleasure , recall the cessation of the on the Temple Altar with the destruction of the Temple . +The restrictions against eating meat , besides reducing a person 's pleasure , recall the cessation of Korban Tamid '' on the Temple Altar with the destruction of the Temple . +The restrictions against eating meat , besides reducing a person 's pleasure , recall the cessation of the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . +The restrictions against drinking wine , besides reducing a person 's pleasure , recall the cessation of the on the Temple Altar with the destruction of the Temple . +The restrictions against drinking wine , besides reducing a person 's pleasure , recall the cessation of Korban Tamid '' on the Temple Altar with the destruction of the Temple . +The restrictions against drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . + +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . +The riders climbed off , shouting protests in general . +The riders began walking , shouting protests in general . +The riders climbed off , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine . +The riders climbed off , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been taking aspirin to make his own job easier . +The riders began walking , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine . +The riders began walking , shouting protests in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been taking aspirin to make his own job easier . + +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . + + +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . +The second was titled `` Consider Her Ways '' . +The second also starred Barrie as the lead named Jane Waterleigh . + +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . + + +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . + + +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by community members . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Appalachian Trail thru-hikers . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by tourists . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by even Dartmouth professors . + +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . +The station has a concourse area which was internally redesigned in mid-2012 . +The station has a concourse area which was reopened in mid-2012 . +The station has a ticket office area which was internally redesigned in mid-2012 . +The station has a ticket office area which was reopened in mid-2012 . + +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . +The stations were both called `` Midsomer Norton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper . +The stations were both called `` Midsomer Norton '' ; under British Railways , the S&D station is currently being restored with occasional open weekends with engines in steam . +The stations were both called `` Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper . +The stations were both called `` Welton '' ; under British Railways , the S&D station is currently being restored with occasional open weekends with engines in steam . + +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . +The stock pot should be chilled . +the solid lump of dripping which settles when chilled should be scraped clean for future use . +the solid lump of dripping which settles when chilled should be re-chilled for future use . + +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . +The suit alleged that they conspired to fix prices for e-books , in violation of antitrust law . +The suit alleged that they conspired to weaken Amazon.com 's position in the market , in violation of antitrust law . + +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . + + +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . +The town was previously served by a station on the Somerset Railway . +The town was previously served by a station on the Dorset Railway . +The town was previously served this closed in 1966 , and by a second station on the Bristol Railway at Welton in the valley . +The town was previously served this closed in 1966 , and by a second station on the North Somerset Railway at Welton in the valley . + +The very large piers at the crossing signify that there was once a tower . + + +The video was the first ever to feature the use of dialogue . + + +Their mission was always for a specific mandate and lasted for a limited period . +Their mission was always for a specific mandate . +Their mission lasted for a limited period . + +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . + + +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . +Then the fillets are put in a mix of olive oil . +Then the fillets are put in a mix of vinegar . +Then the fillets are put in a mix of sugar . +Then the fillets are put in a mix of garlic . +Then the fillets are put in a mix of chill peppers . +Then the fillets are put in a mix of lots of parsley . +Then the fillets are put in a mix of lots of celery . + +There have been two crashes involving fatalities at the airfield since it was established . + + +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . +There used to be a Youth Hostel . +it closed in October 2008 . +the building has since reopened as Keld Lodge , a hotel with bar . +the building has since reopened as Keld Lodge , a hotel with restaurant . + +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . +There were 143 households out of which 30.1 % had children under the age of 18 living with them . +There were 143 households out of which 49.7 % were married couples living together . +There were 143 households out of which 11.9 % had a female householder with no husband present . +There were 143 households out of which 36.4 % were non-families . + +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them . +There were 47,604 households out of which 56.30 % were married couples living together . +There were 47,604 households out of which 7.50 % had a female householder with no husband present . +There were 47,604 households out of which 32.50 % were non-families . + +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them . +There were 6,524 households out of which 31.7 % were married couples living together . +There were 6,524 households out of which 31.5 % had a female householder with no husband present . +There were 6,524 households out of which 30.6 % were non-families . + +These and other attempts supplied a bridge between the literature of the two languages . +These supplied a bridge between the literature of the two languages . +other attempts supplied a bridge between the literature of the two languages . + +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . +These are visually very similar to part number 2189014-00-211 , with silver label on the reverse bearing the AnyKey moniker . +These are visually very similar to part number 2189014-00-211 , with screws holding the keyboard together . +These are visually very similar to part number 2189014-00-211 , with macro programming requiring the control key . +These are visually very similar to part number 2189014-00-211 , with lacking the AnyKey inscription on their face . +These are visually very similar to part number 2189014-00-211 , with the same AT style plug . +These are visually very similar to part number 2189014-00-211 , with the same AT style chassis . + +These beams stem from a cosmic energy source called the `` Omega Effect '' . + + +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . +These orientations allow easy movement , i.e. degrees of freedom . +These orientations lowers entropy minimally . + +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . +These were often related to European conflict , as the Stuart Pretenders were aided by Britain 's continental enemies for their own ends . +These were often related to European conflict , as the Stuart Pretenders were encouraged by Britain 's continental enemies for their own ends . + +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . +They beat Milligan 1-0 to win the NAIA National Championships . +They beat Grand View 3-0 to win the NAIA National Championships . +They beat Webber International 1-0 to win the NAIA National Championships . +They beat Azusa Pacific 0-0 to win the NAIA National Championships . + +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . +They have included some of the most dangerous assassins in the world including Lady Shiva . +They have included some of the most dangerous assassins in the world including David Cain . +They have included some of the most dangerous assassins in the world including Merlyn . + +They usually go through a period of dormancy after flowering . + + +This attire has also become popular with women of other communities . + + +This engine was equipped with an electronically controlled carburetor . + + +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . + + +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . +This is most common in Western countries in those with Barrett 's esophagus . +This occurs in the cuboidal cells . + +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . + + +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . +This mutation gives him superhuman strength . +This mutation gives him superhuman speed . +This mutation gives him superhuman reflexes . +This mutation gives him superhuman agility . +This mutation gives him superhuman flexibility . +This mutation gives him superhuman dexterity . +This mutation gives him superhuman coordination . +This mutation gives him superhuman balance . +This mutation gives him superhuman endurance . + +This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers . + + +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . +To assist the pope in the many calls for his help , Pascalina organized the `` Magazzino '' , a private papal charity office which employed up to 40 helpers . +To assist the pope in the many calls for his help , Pascalina organized the `` Magazzino '' , a private papal charity office which continued until 1959 . +To assist the pope in the many calls for his help , Pascalina led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers . +To assist the pope in the many calls for his help , Pascalina led the `` Magazzino '' , a private papal charity office which continued until 1959 . +To assist the pope in the many calls for his charity , Pascalina organized the `` Magazzino '' , a private papal charity office which employed up to 40 helpers . +To assist the pope in the many calls for his charity , Pascalina organized the `` Magazzino '' , a private papal charity office which continued until 1959 . +To assist the pope in the many calls for his charity , Pascalina led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers . +To assist the pope in the many calls for his charity , Pascalina led the `` Magazzino '' , a private papal charity office which continued until 1959 . + +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . +To keep the family together , Michael asks his self-centered twin sister Lindsay to live together in the Bluth model home with him . +To keep the family together , Michael asks his self-centered twin sister Lindsay to live together in the Bluth model home with George Michael . +To keep the family together , Michael asks her husband Tobias to live together in the Bluth model home with him . +To keep the family together , Michael asks her husband Tobias to live together in the Bluth model home with George Michael . +To keep the family together , Michael asks their daughter Maeby to live together in the Bluth model home with him . +To keep the family together , Michael asks their daughter Maeby to live together in the Bluth model home with George Michael . + +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought , God the Infinite has no needs . +To the Medieval school of Jewish Philosophy , that framed Judaism in light of human intellect , God the Infinite has no needs . + +To the north , along and across the same border , live speakers of Lakha . +To the north , along the same border , live speakers of Lakha . +To the north , across the same border , live speakers of Lakha . + +Total ` Fresh Food Story ' constructed at the end of the North Mall . + + +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . + + +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . + + +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . +Twice divorced , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . +currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . + +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod . +Two seats were won by the Labor-Progressive Party on its own with the re-election of J.B. Salsberg . + +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . + + +Under the Comanche program , each company built different parts of the aircraft . + + +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . +Unlike Uncle Sam later , he is not a figure of authority . +Unlike Uncle Sam later , he is not a yeoman who prefers his small beer , possessed of neither patriarchal power nor heroic defiance . +Unlike Uncle Sam later , he is not a yeoman who prefers his domestic peace , possessed of neither patriarchal power nor heroic defiance . + +Unruly passengers are often put off here to be taken into custody . + + +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . +they compete in separate categories . +Wakeboarding is practiced by both men at the competitive level . +Wakeboarding is practiced by both women at the competitive level . + +Watson has served as Minority Leader since elected by his caucus in November 1998 . + + +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . +Watson was the founder of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 . +Watson was the founder of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 . +Watson was the founder of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 . +Watson was the founder of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 . +Watson was the editor of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 . +Watson was the editor of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 . +Watson was the editor of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 . +Watson was the editor of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 . + +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees , Nasser resolved to depose him . +When Naguib began showing signs of independence from Nasser by drawing closer to Egypt 's established political forces , namely the Wafd , Nasser resolved to depose him . +When Naguib began showing signs of independence from Nasser by drawing closer to Egypt 's established political forces , namely the Brotherhood , Nasser resolved to depose him . + +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities created . + +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . + + +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . + + +Why the `` Epilogue '' is missing is unknown . + + +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . +Wide acceptance of zero-energy building technology may require the development of recognized standards . +Wide acceptance of zero-energy building technology may require significant increases in the cost of conventional energy . +Wide acceptance of zero-energy building technology may require more government incentives . +Wide acceptance of zero-energy building technology may require more building code regulations . + +With no assigned task , the Cosmos expressed concern for what Battra might do . + + +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . + + +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . + + +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . +With versions in 1/48 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber to be scaled according to that which existed on the prototype vessel . +With versions in 1/48 scale , Big Gun Model Warship combat clubs have rules that make provisions for armor thickness to be scaled according to that which existed on the prototype vessel . +With versions in 1/72 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber to be scaled according to that which existed on the prototype vessel . +With versions in 1/72 scale , Big Gun Model Warship combat clubs have rules that make provisions for armor thickness to be scaled according to that which existed on the prototype vessel . +With versions in 1/96 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber to be scaled according to that which existed on the prototype vessel . +With versions in 1/96 scale , Big Gun Model Warship combat clubs have rules that make provisions for armor thickness to be scaled according to that which existed on the prototype vessel . +With versions in 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber to be scaled according to that which existed on the prototype vessel . +With versions in 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for armor thickness to be scaled according to that which existed on the prototype vessel . + +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews . +Wright was the subject of `` This Is Your Life '' on two occasions : in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . + +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . + + +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 . +`` Greenfish '' was sponsored by Mrs. Thomas J. Doyle . +`` Greenfish '' was commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . + +`` It started from modest beginnings and became a gigantic charity '' . +`` It started from modest beginnings '' . +`` It became a gigantic charity '' . + +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . + + +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' + + +`` The Cure '' topped the online music sales charts . + + +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , without any supplement from teaching . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , without any supplement from church position . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving concerts , without any supplement from teaching . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving concerts , without any supplement from church position . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving master classes , without any supplement from teaching . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving master classes , without any supplement from church position . + +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . + + +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) + + +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine . +he complains , it left grease marks on his carpet , `` . +he complains , it was boring . + +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . + + +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . + + +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . +A similar technique is almost impossible to apply to other crops , such as cotton . +A similar technique is almost impossible to apply to other crops , such as soybeans . +A similar technique is almost impossible to apply to other crops , such as rice . + +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . +A specialist is an exchange member designated to maintain a fair market in a specified stock . +A specialist is an exchange member designated to maintain a orderly market in a specified stock . + +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . + + +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . +A year earlier UniFirst earned $ 2.4 million . +A year earlier UniFirst earned 24 cents a share adjusted for the split . + +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers . +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as an accelerator of inflation for the government . +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as an accelerator of deficits for the government . + +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for fees it owes to investment bankers . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for fees it owes to law firms . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for fees it owes to banks . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for expenses it owes to investment bankers . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for expenses it owes to law firms . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union -- has begun billing UAL for expenses it owes to banks . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for fees it owes to investment bankers . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for fees it owes to law firms . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for fees it owes to banks . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for expenses it owes to investment bankers . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for expenses it owes to law firms . +According to one person familiar with the airline , the buy - out group -- led by UAL Chairman Stephen Wolf -- has begun billing UAL for expenses it owes to banks . + +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . + + +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' + + +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress fail to increase the Treasury 's borrowing capacity . +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if President Bush fail to increase the Treasury 's borrowing capacity . + +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . +And , since the public has always been fascinated by gossip , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including activities of family members . +And , since the public has always been fascinated by gossip , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including activities of family members . +And , since the public has always been fascinated by voyeurism , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including activities of family members . +And , since the public has always been fascinated by voyeurism , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including activities of family members . +And , since the public has always been fascinated by gossip , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities . +And , since the public has always been fascinated by gossip , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships . +And , since the public has always been fascinated by gossip , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities . +And , since the public has always been fascinated by gossip , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships . +And , since the public has always been fascinated by voyeurism , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities . +And , since the public has always been fascinated by voyeurism , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships . +And , since the public has always been fascinated by voyeurism , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities . +And , since the public has always been fascinated by voyeurism , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships . +And , since the public has always been fascinated by gossip , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health . +And , since the public has always been fascinated by gossip , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about physical health . +And , since the public has always been fascinated by gossip , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health . +And , since the public has always been fascinated by gossip , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about physical health . +And , since the public has always been fascinated by voyeurism , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health . +And , since the public has always been fascinated by voyeurism , reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about physical health . +And , since the public has always been fascinated by voyeurism , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health . +And , since the public has always been fascinated by voyeurism , editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about physical health . + +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . + + +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . + + +And he got rid of low - margin businesses that just were n't making money for the company . + + +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : + + +As of Sept. 30 , American Brands had 95.2 million shares outstanding . + + +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to currency issues . + +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . + + +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . + + +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Because patients require less attention from nurses , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Because patients require less attention from other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . + +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . + + +Both reflect the dismissal of lower - level and shorter - tenure executives . +Both reflect the dismissal of lower - level executives . +Both reflect the dismissal of shorter - tenure executives . + +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . +British government bonds ended moderately higher , encouraged by a steadier pound . +British government bonds ended moderately higher , encouraged by a rise in British stocks . + +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . +But , with the state offering only $ 39,000 a year , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . +But , with California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . + +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . + + +But amid the two dozen bureaucrats and secretaries sits only one real - life PC . +But amid the two dozen bureaucrats sits only one real - life PC . +But amid the two dozen secretaries sits only one real - life PC . + +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . +But he emphasized that new accounts of stock funds are all up this month from September 's level . +But he emphasized that new sales of stock funds are all up this month from September 's level . +But he emphasized that inquiries of stock funds are all up this month from September 's level . +But he emphasized that subsequent sales of stock funds are all up this month from September 's level . + +But it appears to be the sort of hold one makes while heading for the door . + + +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . + + +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . +But then Judge O'Kicki often behaved like a man who would be king . +But then Judge O'Kicki often behaved like a man who would be an arrogant one . +But then Judge O'Kicki often behaved like a man who would be an abusive one . + +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . + + +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . + + +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . +But you ca n't dismiss Mr. Stoltzman 's music as merely commercial . +But you ca n't dismiss Mr. Stoltzman 's music as lightweight . +But you ca n't dismiss his motives as merely commercial . +But you ca n't dismiss his motives as lightweight . + +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . + + +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . +Combined PC use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . +Combined work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . + +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball . +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly flips it to second . + +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . + + +Each company 's share of liability would be based on their share of the national DES market . + + +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . + + +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . +Early in the morning Mr. Sider , an estate lawyer , pores over last wills . +Early in the morning Mr. Sider , an estate lawyer , pores over testaments . + +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old . +Employers could also for another 90 days if the company institutes a specific training program for the newcomers . + +Feeling the naggings of a culture imperative , I promptly signed up . + + +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . + + +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . + + +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . + + +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . + + +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . + + +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in packaging , holds the Coke licenses for Malaysia , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in packaging , holds the Coke licenses for Brunei , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in beer , holds the Coke licenses for Malaysia , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in beer , holds the Coke licenses for Brunei , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in dairy products , holds the Coke licenses for Malaysia , where per - capita consumption is n't as high as in Singapore . +Fraser & Neave , which also has interests in dairy products , holds the Coke licenses for Brunei , where per - capita consumption is n't as high as in Singapore . + +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +Hani Zayadi was appointed president of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +Hani Zayadi was appointed chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . + +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . + + +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece . +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Stoltzman 's elegant execution of it . +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece . +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Stoltzman 's elegant execution of it . + +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time . +He traced it to a user named `` Hunter , '' who had no valid billing address . + +He has n't been able to replace the M'Bow cabal . + + +Her recent report classifies the stock as a `` hold . '' + + +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . + + +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . + + +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . + + +I was pleased to note that your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century . + + +If there 's something ' weird and it do n't look good . +If there 's something ' weird . +If it do n't look good . + +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after Mrs. Marcos fled the Philippines for Hawaii , they were charged with racketeering in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after Mrs. Marcos fled the Philippines for Hawaii , they were charged with conspiracy in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after Mrs. Marcos fled the Philippines for Hawaii , they were charged with obstruction of justice in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after Mrs. Marcos fled the Philippines for Hawaii , they were charged with mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with conspiracy in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with obstruction of justice in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In 1988 , a year and a half after her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . + +In Japan , those functions account for only about a third of the software market . + + +In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention . + + +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . +In the first nine months , profit rose 10 % to $ 313.2 million , from $ 283.9 million . +In the first nine months , profit rose 10 % to $ 313.2 million , from $ 3.53 a share . +In the first nine months , profit rose 10 % to $ 3.89 a share , from $ 283.9 million . +In the first nine months , profit rose 10 % to $ 3.89 a share , from $ 3.53 a share . + +Indeed , the insurance adjusters had already bolted out of the courtroom . + + +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . + + +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . +It came in London 's `` Big Bang '' 1986 deregulation . +It came in Toronto 's `` Little Bang '' the same year . + +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . +It rose 4.8 % for the 12 months ended in June . +It 4.7 % in the 12 months ended in September 1988 . + +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . + + +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . + + +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees . +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by management . + +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . +Japanese office workers use PCs at half the rate of their European counterparts . +Japanese office workers use PCs at one - third that of the Americans . + +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . + + +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . + + +Meanwhile , at home , Mitsubishi has control of some major projects . + + +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating drug addicts . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating pregnant women . + +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . +Metromedia , headed by John W. Kluge , has interests in telecommunications . +Metromedia , headed by John W. Kluge , has interests in robotic painting . +Metromedia , headed by John W. Kluge , has interests in computer software . +Metromedia , headed by John W. Kluge , has interests in restaurants . +Metromedia , headed by John W. Kluge , has interests in entertainment . + +Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields . + + +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . +Mr. Guber also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . +Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . + +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . + + +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . + + +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . + + +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . + + +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . +Mr. Zayadi was previously president of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . +Mr. Zayadi was previously chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . + +Mrs. Marcos 's trial is expected to begin in March . + + +Now that the New York decision has been left intact , other states may follow suit . + + +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' + + +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases , as well . +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in other product - related lawsuits , as well . + +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . +On a recent afternoon , Mr. Baker go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . +On a recent afternoon , a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . + +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' + + +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . +Only his factories in Japan , employing his followers at subsistence wages , kept the money flowing westward . +Only his factories in Japan , producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . +Only his factories in Korea , employing his followers at subsistence wages , kept the money flowing westward . +Only his factories in Korea , producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . + +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . + + +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research , was unable to pinpoint how much money Chugai would pump into Gen - Probe . +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . + +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . + + +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . +Prime Minister Lee Kuan Yew , Singapore 's leader , recently announced his intention to retire next year -- though not necessarily to end his influence . +Prime Minister Lee Kuan Yew , one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . + +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . +Procter & Gamble Co. recently does n't plan to bring them to the U.S. . +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide , in Canada . +Procter & Gamble Co. recently introduced refillable versions of four products , including Mr. Clean , in Canada . + +RISC technology speeds up a computer by simplifying the internal software . + + +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . + + +Repeat customers also can purchase luxury items at reduced prices . + + +Roger M. Marino , president , was named to the new post of vice chairman . + + +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . + + +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . + + +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . + + +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . + + +Sidley will maintain its association with the Hashidate Law Office in Tokyo . + + +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process . +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to speed rehabilitation . + +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . + + +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . + + +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture . +Soviets remain in charge of education programs , a hard - line Polish communist in exile directs the human - rights division . +Soviets remain in charge of education programs , a hard - line Polish communist in exile directs the peace division . + +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to + + +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . +Strong sales so far this year are certain to turn the tide . +even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . + +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . +THE CHIEF NURSING officer can be responsible for more than 1,000 employees ; a head nurse typically oversees up to 80 employees . +THE CHIEF NURSING officer can be responsible for more than 1,000 employees ; a head nurse typically oversees $ 8 million . +THE CHIEF NURSING officer can be responsible for at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees . +THE CHIEF NURSING officer can be responsible for at least one - third of a hospital 's budget ; a head nurse typically oversees $ 8 million . + +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another . +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . + +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . +Technology stocks bore the brunt of the OTC market 's recent sell - off . +traders say it 's natural that they rebound sharply now that the market has turned around . + +That compares with 3.5 % butterfat for whole milk . + + +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . + + +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . + + +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The Lone Star Steel lawsuit also asks the court to rule that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , in September . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was n't paid , in September . + +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . +The National Transportation Safety Board ruled that pilots failed to make mandatory preflight checks that would have detected the error . +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps properly for takeoff . +The National Transportation Safety Board ruled that pilots failed to set the plane 's slats properly for takeoff . + +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . +The New Orleans oil exploration operations company added that it does n't expect any further adverse financial impact from the restructuring . +The New Orleans oil diving operations company added that it does n't expect any further adverse financial impact from the restructuring . +The New Orleans gas exploration operations company added that it does n't expect any further adverse financial impact from the restructuring . +The New Orleans gas diving operations company added that it does n't expect any further adverse financial impact from the restructuring . + +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , to close at 3636.06 . +The Second Section index , which fell 36.87 points Friday , was down 0.59 % , to close at 3636.06 . + +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . + + +The U.S. market , too , is dominated by a giant , International Business Machines Corp . + + +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . + + +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes ; cigarette ads have been prohibited on television since 1971 . +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention smoking ; cigarette ads have been prohibited on television since 1971 . + +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . + + +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . + + +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . + + +The dollar drew strength from the stock market 's climb . + + +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . + + +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . + + +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . + + +The fitness craze itself has gone soft , the survey found . + + +The forest - products concern currently has about 38 million shares outstanding . + + +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . +The government , already buffeted by high interest rates , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . +The government , already buffeted by a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . + +The issue is backed by a 12 % letter of credit from Credit Suisse . + + +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . + + +The office may also be able to advise foreign and multinational clients on international law and general matters . +The office may also be able to advise foreign clients on international law . +The office may also be able to advise foreign clients on general matters . +The office may also be able to advise multinational clients on international law . +The office may also be able to advise multinational clients on general matters . + +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . +The operative definition of newsworthiness will favor virtually unrestrained use of personal facts . +The operative definition of newsworthiness will favor virtually unrestrained use of sensitive facts . +The operative definition of newsworthiness will favor virtually unrestrained use of intimate facts . + +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . +The prices of most corn futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . +The prices of most soybean futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . +The prices of most wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . + +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . + + +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . + + +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years . +the government has been reluctant to abolish the levy for budgetary concerns . + +The three existing plants and their land will be sold . +The three existing plants will be sold . +their land will be sold . + +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues . +The two leaders are expected to discuss changes sweeping the East bloc as well as regional disputes . +The two leaders are expected to discuss changes sweeping the East bloc as well as economic cooperation . + +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . + + +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . +They claim to have busted spirits in hundreds of houses around the country . +They claim to have busted poltergeists in hundreds of houses around the country . +They claim to have busted other spooks in hundreds of houses around the country . + +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' +This involves trade - offs . ' '' +{ it } cuts against the grain of existing consumer conceptions of what is ` necessary . ' '' +{ it } cuts against the grain of existing provider conceptions of what is ` necessary . ' '' + +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . +This is the U.N. group that managed to traduce its own charter of promoting education . +This is the U.N. group that managed to traduce its own charter of promoting science . +This is the U.N. group that managed to traduce its own charter of promoting culture . + +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . +This provision met early resistance from investment bankers worried about disruptions in their clients ' portfolios . +This provision met strong resistance from investment bankers worried about disruptions in their clients ' portfolios . + +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . + + +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . + + +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . + + +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . +To increase their share of that business , jewelry makers such as Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari units are launching new lines with as much fanfare as the fragrance companies . +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Monet units are launching new lines with as much fanfare as the fragrance companies . + +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . + + +Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago . + + +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . +U.S. makers have under 10 % share , compared with half the market in Europe . +U.S. makers have under 10 % share , compared with 80 % at home . + +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto . +USG Corp. will lease the 19 - story facility until it moves to a new quarters in 1992 . + +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . + + +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at . +Under the debt - equity program , the bids will be allocated based on these discount offers . + +Vernon E. Jordan was elected to the board of this transportation services concern . + + +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony . +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against the two producers . + +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . +Warner has a five - year exclusive contract with Mr. Guber that requires them to make movies exclusively at the Warner Bros. studio . +Warner has a five - year exclusive contract with Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . + +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . + + +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . +With companies such as Honda Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . +With companies such as Toyota Motor Corp. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . +With companies such as Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . + +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages must be populated with them . '' +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of basements must be populated with them . '' +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of attics must be populated with them . '' + +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' +With real estate experts Olympia & York owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' +With Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' + +Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive . + + +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . +Workers at two Chilean mines , Los Bronces , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . +Workers at two Chilean mines , El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . + +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' +Years ago , he collaborated with the new music gurus Peter Serkin in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' +Years ago , he collaborated with the new music gurus Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' + +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . + + +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . +Yet the Soviet leader 's readiness to embark on foreign visits do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . +Yet the Soviet leader 's steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . + +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . +A spokesman said HealthVest has paid two of the three banks it owed interest to in October . +A spokesman said HealthVest is in negotiations with the third bank . + +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , analysts said . +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint acted as a price depressant , analysts said . + +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . + + +Among other things , they said , Mr. Azoff would develop musical acts for a new record label . + + +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . + + +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . + + +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . + + +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . + + +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion resulted in sharply higher profit . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like steel structures . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like power systems . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like machinery . + +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' + + +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . + + +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . + + +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally . '' +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both figuratively . '' + +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . + + +He said he expects the company to have $ 500 million in sales for this year . + + +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . + + +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements . +the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . + +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' . +It said that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . + +Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy . + + +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . +Milk sold to the nation 's dairy plants averaged $ 14.50 for each hundred pounds , up 50 cents from September , the department said . +Milk sold to the nation 's dairy plants averaged $ 14.50 for each hundred pounds , up $ 1.50 from October 1988 , the department said . +Milk sold to the nation 's dairy dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September , the department said . +Milk sold to the nation 's dairy dealers averaged $ 14.50 for each hundred pounds , up $ 1.50 from October 1988 , the department said . + +Nixon , on the fourth day of a private visit to China , said that damage to Sino - U.S. relations was `` very great , '' calling the situation `` the most serious '' since 1972 . + + +Panhandle Eastern Corp. said it applied , on behalf of two of its subsidiaries , to the Federal Energy Regulatory Commission for permission to build a 352 - mile , $ 273 million pipeline system from Pittsburg County , Okla. , to Independence , Miss . + + +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . + + +Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 . + + +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . +The Chemical spokeswoman said the bank has examined its methodologies . +The Chemical spokeswoman said the bank has examined its internal controls . + +The company said the fastener business `` has been under severe cost pressures for some time . '' + + +The market 's tempo was helped by the dollar 's resiliency , he said . + + +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . +Unemployment has reached 27.6 % in Azerbaijan , the Communist Party newspaper said . +Unemployment has 25.7 % in Tadzhikistan , the Communist Party newspaper said . +Unemployment has 22.8 % in Uzbekistan , the Communist Party newspaper said . +Unemployment has 18.8 % in Turkmenia , the Communist Party newspaper said . +Unemployment has 18 % in Armenia , the Communist Party newspaper said . +Unemployment has 16.3 % in Kirgizia , the Communist Party newspaper said . + +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . + + +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . + + +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . + + +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . +`` I wo n't be throwing 90 mph , '' he says . +`` I will throw 80 - plus , '' he says . + +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } . +`` If working capital financing is not provided , '' he said , `` the RTC may have to dump acquired assets through fire sales . + +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . + + +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . + + +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . + + +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . +`` Most people -- whether in Toledo -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . +`` Most people -- whether in Tucson -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . +`` Most people -- whether in Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . + +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . + + +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . + + +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' +`` Now everything '' -- such as program trading -- `` that everyone had pushed back in their consciousness is just sitting right there . '' +`` Now everything '' -- such as wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' + +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . + + +`` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible , '' said Rep. Fortney Stark ( D. , Calif. ) , who has introduced a bill to limit the RTC 's authority to issue debt . + + +`` We were oversold and today we bounced back . +`` We were oversold . +`` today we bounced back . + +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . + + +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime . +According to Hofmann , while still a teenage coin collector , he was told by an organization of coin collectors that it was genuine . + +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . + + +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . diff --git a/data/evaluation_data/carb/data/dev.txt b/data/evaluation_data/carb/data/dev.txt new file mode 100644 index 0000000000000000000000000000000000000000..8e78140f3db0be20b9bb78d234ab8e6337d8a673 --- /dev/null +++ b/data/evaluation_data/carb/data/dev.txt @@ -0,0 +1,641 @@ +Although in Flanders , the Flemish Region assigned all of its powers to the Flemish Community , the Walloon Region remains in principle distinct from and independent from the French Community , and vice-versa . +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . +It was a notable influence on John Buchan and Ken Follett , who described it as `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . +Regulations meant that the original sixth lap would be deleted and the race would be restarted from the beginning of said lap . +At this point , the player confronts a boss , who is usually considerably larger and tougher than regular enemies . +Separate berthings and heads are found on sailboats over about . +Test & official start of the TVN24 HD started on 30 November 2012 . +Autostereoscopy is any method of displaying stereoscopic images without the use of special headgear or glasses on the part of the viewer . +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . +According to available information , the Maoists of Nepal have well-established linkages with Indian revolutionary communist organizations , primarily with the Communist Party of India , currently leading a protracted `` people 's war '' throughout the subcontinent . +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . +All officers are additionally equipped with less-lethal weapons for use against threats that do not justify a firearms response . +These include any Assistant to the President , Deputy Assistant to the President , and Special Assistant to the President . +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland , and as such was honored by the river being named for him . +After the British capture of Madrid , Hill had responsibility for an army of 30,000 men . +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts , short sketches , and recurring show elements . +Several years later the remaining trackage at Charles City was abandoned . +In 1981 , when staying in New York State , the pair developed the idea of running workshops for professional artists , which became the Triangle Arts Trust . +They are also known in Japan as `` Northern Territories '' . +After a short absence Keibler began a short feud with the evil Jillian Hall , which led to the two having a match on `` Velocity '' , which Keibler lost . +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . +Voyslava has killed Mlada , Yaromir 's bride , to have him for herself . +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . +This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties . +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . +The fractional quantum Hall effect continues to be influential in theories about topological order . +A British version of this show was developed , known as `` Gladiators : Train 2 Win '' . +Plant communities include creosote and sagebrush at lower altitudes , and bristlecone pine forests at higher . +Instead of having system calls specifically for process management , Plan 9 provides the codice_13 file system . +X is revealed to be the leader of Neo Arcadia and Zero confronts X in battle . +Blackburne 's statement that he `` would not tolerate a refusal to ratify the appointment '' , is an indication of the influence which could then be wielded by a strong Attorney General . +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . +The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage . +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . +He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah . +In 1840 , he was appointed to command his regiment , a post he held for nearly fourteen years . +A large gravestone was erected in 1866 , over 100 years after his death . +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . +In England , emphasis was placed on the orientation of the chapels to the east . +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . +Maduveya Vayasu song from nanjundi kalyana was a track played during marriages for many many years in Kannada . +This releases some of the water molecules into the bulk of the water , leading to an increase in entropy . +It is necessary to climb embankments to cross some roads where former bridges have been filled in . +He held the post as Attorney-General until 1834 ; he was readmitted in 1841 and after serving for a year , became Master of the Rolls in Ireland . +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . +The Original Celtics were a barnstorming professional basketball team in the 1920s . +His body was laid to rest at St. Gwynno Church in the Llanwynno forestry . +Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site . +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . +If the introduced surface had an ionic or polar nature , there would be water molecules standing upright on 1 or 2 of the four sp3 orbitals . +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . +The Aura spacecraft has a mass of about 1,765 kg . +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . +It finally closed to all traffic in July 1985 , when it was deemed too expensive to make extensive repairs to keep Latchford viaduct operational . +It 's recommended to have only two males and a dozen or so females . +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . +She began her film career in 1947 in the film `` A New Oath '' . +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . +Courtelary is first mentioned in 968 as `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey . +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . +The origin of the Missionaries of the Sacred Heart is closely connected with the definition of the dogma of the Immaculate Conception of the B. V. M . +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' +The championship was at the Pinehurst Resort where Stewart won his last major championship only a few months before his death . +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . +During the language shift , however , the receding language A still influences language B . +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . +It was club policy to promote talent into the senior team that was adopted by Bill Dimovski . +They remained together into their elderly ages for more than 40 years only to marry in 2000 . +It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school . +Baako 's grandmother Naana , a blind-seer , stands in living contact with the ancestors . +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . +Millais painted daily into the winter putting lamps under the tub to warm the water . +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . +He was appointed Commander of the Order of the British Empire in the 1948 Queen 's Birthday Honours and was knighted in the 1953 Coronation Honours . +During the latter , Springsteen mentioned he did plan to work with the E Street Band again in the future , but was vague about details . +Thus , any event that would minimize such a surface is entropically favored . +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . +Joining another fast and mobile carrier task force , `` Hazelwood '' sortied 11 February to protect carriers as they launched heavy air strikes against the Japanese home islands 16 and 17 February . +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . +On April 13 , 1987 , the Iowa Terminal Railroad was sold to Dave Johnson and renamed to Iowa Traction Railroad . +Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early . +The neighborhood comprises an older industrial and residential harbor front area along the Kill Van Kull west of St. George . +Although the Algeciras Conference temporarily solved the First Moroccan Crisis , it only worsened the tensions between the Triple Alliance and Triple Entente that ultimately led to the First World War . +XM did offer a free month of service to subscribers who called in complaints of the suspension . +Darwin came into residence in Cambridge on 26 January 1828 , and matriculated at the University 's Senate House on 26 February . +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . +A character notes some practical difficulties with such a map and states that `` we now use the country itself , as its own map , and I assure you it does nearly as well . '' +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . +During the 1730s Britain 's relationship with Spain had slowly declined . +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . +Arminius , leader of the Cherusci and allies , now had a free hand . +DePauw University awarded the degree `` Doctor of Divinity '' in 1892 . +This finding indicated that organic compounds could carry current . +On 19 October 2010 , Tuqiri was officially named in the Australian squad for the Four Nations as a replacement for the injured Jarryd Hayne . +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . +Continuing duties specified for freed slaves in manumission agreements became more common into the Hellenistic era , and they may have been customary earlier . +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . +Frowin founded the Benedictine monastery of New Engleberg at Conception , which was erected into an abbey in 1881 . +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . +This church is of medieval origin , the building has undergone a radical transformation in 1885 . +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . +Ballast tanks are equipped to change a ship 's trim and modify its stability . +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . +Often , objects are so far away that they do not contribute significantly to the final image . +This often results in unexpected deaths , either directly or from stress-induced illness . +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . +In 1845 , he was chosen Chief Justice of the Court of Queen 's Bench . +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . +11 million copies of the flyer were distributed to the public via an 85-newspaper distribution chain . +McLay also suggests that the songs negate what many consider to be a `` heretical '' ending for a comedy . +The town and surrounding villages were hit by two moderate earthquakes within ten years . +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . +Voorhees approved a plan in 2010 for an $ 850,000 artificial turf field to be completed by 2011 . +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . +Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country . +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . +When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage . +The RIAA lists it as one of the Best Selling Albums of All Time . +Following the decision to withdraw tram services in London and replace them with buses , the station closed just after 12.30 am on 6 April 1952 . +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . +Later , it carried `` Monitor , '' the network 's very successful weekend radio service . +Human behavioral ecologists assume that what might be the most adaptive strategy in one environment might not be the most adaptive strategy in another environment . +However , Jesus is not accepted as the son by Muslims , who strictly maintain that he was a human being who was loved by God and exalted by God to ranks of the most righteous . +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . +After leaving , he tried to find acting jobs and worked as an Elvis impersonator for a short time . +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . +It was only incidentally that economic issues appeared in nationalist political forms . +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . +Owen and the French socialist Henri de Saint-Simon were the fathers of the utopian socialist movement ; they believed that the ills of industrial work relations could be removed by the establishment of small cooperative communities . +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . +This is usually caused by interacting inductive and capacitive elements in the oscillator . +A second factor is resource dependence ; there must be a perceptible threat of resource depletion , and it must be difficult to find substitutes . +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . +The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects . +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . +A better alternative in order to find the best possible results would be to use the Smith-Waterman algorithm . +High Court judges are therefore referred to as the Honourable Mr/Mrs Justice Smith . +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . +Alexander supposedly said after this incident that he had never been so lucky in his entire career . +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . +Passenger services on the line were terminated on 31 December 1954 . +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . +In 1958 , he won gold medal at the 6th European Championships in Stockholm . +The number of ones equals the number of zeros plus one , since the state containing only zeros can not occur . +In 1984 , KOMO became the first television station to broadcast daily programming in full stereo sound . +The Shi'a praise Muhammad ibn Abu Bakr for his devotion to ` Ali and his resistance to all the other caliphs who the Shi'a believe to be usurpers . +Centuries later , in 1806 , during the Napoleonic era , was built the Canal de l'Ourcq , destined to the inland navigation when the Marne river is not navigable because of temporary sandbanks . +The United States High Commissioner for Germany and his staff occupied the building from 1949 to 1952 . +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . +Butters Drive in the Canberra suburb of Phillip is named in his honour . +23.8 % of all households were made up of individuals and 13.0 % had someone living alone who was 65 years of age or older . +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . +Just above seen is a replica of a Shiva lingam . +The ninth leaf contains a circular world map measuring in circumference . +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . +However , the term cob , defined as a short-legged , stout horse , is a body type rather than a breed . +The car was based around a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine coupled to a custom three-speed transmission . +Moreover , some sponsors pulled their advertising off XM in protest of the suspension . +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . +KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . '' +Having returned to the Second Division at the first attempt , they gained promotion to the First Division in 1974 . +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . +He stayed for less than a year before being appointed Chief Constable of Kent in July 1946 . +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . +These are known as Porter 's three generic strategies and can be applied to any size or form of business . +Unsure of who he is , Zero helps the band of Reploids , who in turn marvel at his skills . +The mouse is around nine inches long , and can jump in bounds of four feet when threatened . +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . +Fishing boats and cargo ships typically have one or more cargo holds . +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . +They acquired the Charles City Western on December 31 , 1963 . +An `` Dangaioh '' adventure game was released for the PC-8801 in Japan in April 1990 . +By opening for acts such as U2 and Bob Dylan , they became a popular alternative rock band of the 1980s , retaining a loyal following to the present day . +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . +It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire . +Passengers for or should change at Twyford during off peak . +Hofmann was born in Salt Lake City , Utah . +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . +Walcott was brought on one knee in the third round and the fight ended with hardly a scratch on Langford . +He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' . +Other people that can be classified using this title include the Vice President and Cabinet secretaries . +But ex-slaves were able to own property outright , and their children were free of all constraint . +The University of Florida however , refused to recognize BYX . +This used the section of the C&HP line from Buxton as far as Parsley Hay , from where a single line ran south to Ashbourne , where it connected with the North Staffordshire Railway . +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . +The Israeli controlled sector was captured by Israel in the Six-Day War of June 1967 . +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . +In 2004 it was expected that redevelopment work in the remaining subway would probably obliterate what remains exist . +Ely Cathedral was never vaulted and retains a wooden ceiling over the nave . +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . +The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment . +Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium . +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . +Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check . +A different judge then ordered the case reviewed by a higher court . +From 1698 to 1843 the famous organ built by Arp Schnitger , one of the Baroque period 's best known organ makers was the main organ . +He was awarded the Queen 's Police Medal in the 1957 New Year Honours . +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . +As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships . +During the celebrations of his Silver Jubilee in November 1955 , Haile Selassie introduced a revised constitution , whereby he retained effective power , while extending political participation to the people by allowing the lower house of parliament to become an elected body . +In 1577 , she unsuccessfully proposed to the city council that it should establish a home for poor women , of which she would become the administrator . +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . +They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians . +The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness . +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . +On 1 July 1955 he was made an Officer of the Order of St John . +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . +After the Battle of Culloden in 1746 , these rebellions were crushed . +A very early form of vaccination known as variolation was developed several thousand years ago in China . +This currently sees the club ranked sixth in terms of premierships won . +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . +Back at the hotel , Taylor went ahead of Lemmy and told him `` Eddie 's left the band '' . +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . +Australian Amber Wing was the first woman to land a ts fs wake to wake 900 . +After this she became very ill with a severe cold or pneumonia . +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . +She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant . +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . +The 2005 model introduced a third row of seats to the Pathfinder line for the first time . +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . +The department came under grant-in-aid scheme of Government of Karnataka in 1992 . +The district also provides recreation and leisure services to many non-residents of the area on a fee basis . +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . +He was also able to more easily control his animal instincts after this second mutation . +Hence it can be represented by the integer notation . +He accused Maroboduus of hiding in the Hercynian Forest while the other Germans fought for freedom , and accused Maroboduus of being the only king among the Germans . +Latchford viaduct was opened on 8 July 1893 to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal . +Like most incarnations , Felicia has a relationship with Spider-Man Noir . +The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair . +A dam on the creek has created a lake covering for fishing , boating , and swimming . +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . +In 1862 , Henry Letheby obtained a partly conductive material by anodic oxidation of aniline in sulfuric acid . +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . +Hoechst 33342 exhibits a 10 fold greater cell-permeability than H 33258 . +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . +The very ease of acquiring Esperanto might even accelerate the process . +Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets . +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . +Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December . +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . +Wild radish seeds contain up to 48 % oil content , and while not suitable for human consumption , this oil is a potential source of biofuel . +On one occasion the lamps went out and the water became icy cold . +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . +In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese . +There are 109 individuals who belong to another church , and 20 individuals did not answer the question . +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . +These tracks have subsequently been included on CD reissues of the album `` The Plan '' . +By the end of this experiment several results were found . +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . +In 1982 Caro was trying to organise an exhibition of British abstract art in South African townships when he met Robert Loder . +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . +In 1991 he started writing and touring full-time which he still does today . +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . +It is best served with laksa and homemade tauhu . +At first , she seems happy with this arrangement . +The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located . +Ed drives the creature into the airlock , with the intention of venting it into space . +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . +Historically , the division has been a rural seat and fairly safe for the National Party , which held it for all but six years from 1922 to 2004 . +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . +He ran for Speaker of the Rhode Island House of Representatives four times . +Ed tries to explain what happened to a skeptical Pete . +Afterward he has joined Emma Frost 's Academy of Tomorrow , a school for gifted beings . +Porter wrote in 1980 that strategy target either cost leadership , differentiation , or focus . +In 2004 the Oxford English University Press included Makaton as a common usage word in the Oxford English Dictionary . +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . +Their purpose is to be fair to both parties , disallowing the raising of allegations without a basis in provable fact . +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . +Byers does not oppose the concept of global citizenship , however he criticizes potential implications of the term depending on one 's definition of it , such as ones that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' +Wallonia is also home to about 80 % of the population of the French Community of Belgium , a political level responsible for matters related mainly to culture and education , with the remainder living in Brussels . +He was born to Afro-Guyanese parents & is of Afro-Guyanese descent . +Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB . +On 15 January 1999 , Senchuk was appointed as governor of the Lviv region ; for some time he combined two posts . +Thus , acquisition of quantitative heavy-element spectra can be time-consuming , taking tens of minutes to hours . +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . +Each of these people influenced her development as a person . +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . +The lead single that holds the same name , is a soft melodic song that differs from Tiger JK 's past releases . +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . +Agen would have another successful run in the 1940s , beginning with the 1943 season when they defeated Stade Bordelais 11 to 4 to win the Coupe de France . +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . +After a break of four years , he became a Lord Justice of Appeal . +The northern terminus of this section is at Senai Airport Interchange near Senai Airport , while it shares the same Kilometre Zero with the main link . +El Camino High School offers the recommended A-G courses based upon the University of California that illustrates the minimum level of academic preparation students ought to achieve in high school to undertake university level work . +Its bus operations were merged with another city-owned company , Suomen Turistiauto , to form a new bus company called Helsingin Bussiliikenne . +From 1953 till 1957 Speranskaya worked as chief artist in Kazan Dolls Theatre , since 1957 she worked as stage-artist director in Kazan theatres , also she was invited to other cities of Russian Federation . +In 1914 , the BSA gave local councils the power to segregate African Americans from white Scouts . +Byrom Street Cutting became a runaway catch point for runaway trains in the tunnel . +In the first volume of the series , The Noh 's nature and background is explained . +The first , at a severity of Mw 6.0 , occurred on May 26 , 1994 . +All three had been photography students at The Art Center College of Design in Pasadena , California in 1979 when they became Newton 's longtime assistants , and all three went on to independent careers . +The Federal Trade Commission began an investigation in late 1995 . +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . +The Harford County Public Schools system is the public school system serving the residents of Harford County . +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . +In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York . +The waist line was put higher and the skirts became longer . +Adnan Latif was in a car accident in 1994 , during which he suffered significant head injuries , which left him with on-going neurological problems . +He played for the Kangaroos in all four matches , including the final , scoring one try . +Dripping can be clarified by adding a sliced raw potato and cooking until potato turns brown . +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . +It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon . +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . +Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury . +A year later , he was appointed Attorney-General for Ireland and on this occasion was sworn of the Privy Council of Ireland . +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . +The weapons do not influence the other racers at all . +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . +The latter was lifted only as the b-side of `` Keep on Loving Me '' . +Consistent with systems philosophy , systems thinking concerns an understanding of a system by examining the linkages and interactions between the elements that compose the entirety of the system . +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . +He left that post to become the second commander of the U.S. Army 's 1st Armored Division . +In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite . +Until its 2007 acquisition by Tavistock Group , Freebirds World Burrito had its corporate headquarters in College Station . +In 1891 , the academy moved to the German-English Academy Building in downtown Milwaukee . +He chose a path of confrontation , of conflict . +They point to other easy-to-learn languages such as Tok Pisin in Papua New Guinea , which have had deleterious effects on minority languages . +One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray . +At the end of 2008 the Uzbek-Italian Joint Venture Roison-Candy was established by the Uzbek Limited Liability Company Roison Electronics with partnership of Candy Group . +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . +Since many of the rebbes of the Nadvorna Dynasty married relatives , many of the rebbes in this list are sons-in-law of other rebbes on the list . +The Bears would have to wait until 2000 to play another international , when they played France in the lead-up to the 2000 Rugby League World Cup . +In 1970 , Arad moved to the United States and enrolled at Hofstra University to study industrial management . +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . +QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million . +The spirits , of course , could hardly care less whether people do or do n't believe in them . +The debt ceiling is scheduled to fall to $ 2.8 trillion from $ 2.87 trillion at midnight tonight . +Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint . +Mr. Moon 's support for a Watergate - beleaguered Richard Nixon , the Koreagate scandal , and his prison sentence for income - tax evasion did not help the church 's recruitment efforts . +FEDERAL HOME LOAN MORTGAGE CORP. ( Freddie Mac ) : Posted yields on 30 - year mortgage commitments for delivery within 30 days . +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . +The machine employs reduced instruction - set computing , or RISC , technology . +Instead , he proposed a `` law - governed economy , '' in which there would be a `` clear - cut division between state direction of the economy and economic management . '' +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . +Despite what some investors are suggesting , the Big Board is n't even considering a total ban on program trading or stock futures , exchange officials said . +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . +The supply of experienced civil engineers , though , is tighter . +Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... . +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . +On a 394 - 21 roll call , the House adopted the underlying transportation measure . +`` But it 's risky , '' he says of Specialized 's attempt to adopt a corporate structure . +But that development also had little effect on traders ' sentiment . +He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers . +So far , Nissan 's new - model successes are mostly specialized vehicles with limited sales potential . +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . +Both sides are jealously guarding their turf , and relations have been at a flashpoint for months . +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . +`` It 's going to be a tough league , '' promises the 47 - year - old Mr. Campaneris . +Ms. Waleson is a free - lance writer based in New York . +The latest research pact bolsters Du Pont 's growing portfolio of investments in superconductors . +But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold . +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . +Earlier yesterday , the Societe de Bourses Francaises was told that a unit of Framatome S.A. also bought Navigation Mixte shares , this purchase covering more than 160,000 shares . +Yesterday , Nekoosa common closed in composite New York Stock Exchange trading at $ 62.875 , up $ 20.125 , on volume of almost 6.3 million shares . +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . +The clause was part of an agreement in which pilots accepted a substantial pay cut as long as no other labor group got a raise . +China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony . +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . +About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals , the company said . +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . +Mr. Bickwit said , `` I can see why an S&L examiner would regard these as unusual activities , '' but said the overseas investments `` essentially broke even '' for the S&L . +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . +Analysts say additional investors transferred their assets into money funds this month . +Machines dedicated solely to word processing , which have all but disappeared in the U.S. , are still more common in Japan than PCs . +Mr. Baker found an opening under the house that led to a fume - filled coal mine . +For years , the company 's ads were tied in with pitches for Cannon sheets or Martex towels , for example , and an announcer at the end of the ads would tell customers where to `` find the true performance label . '' +Had the contest gone a full seven games , ABC could have reaped an extra $ 10 million in ad sales on the seventh game alone , compared with the ad take it would have received for regular prime - time shows . +One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany . +The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses . +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . +Other Senators want to lower the down payments required on FHA - insured loans . +Critics say Mitsubishi Estate 's decision to buy into Rockefeller reflects the degree to which companies are irritated by the pressure to act for the good of Japan . +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . +The computer can process 13.3 million calculations called floating - point operations every second . +And unlike Europe and the U.S. , where populations are aging , the Pacific Basin countries have growing proportions of youths -- the heaviest consumers of Coca - Cola and other sodas . +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . +He adds that gold stocks had been down so long they were `` ready for a bounce . '' +Meanwhile , Shearson Lehman 's Mr. Devario said that , to stay competitive , the U.S. paper industry needs to catch up with the European industry . +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . +`` I think we could very well have { an economic } slowdown , beginning very soon if not already , '' he says . +The machine can run software written for other Mips computers , the company said . +Mr. Mehl attributed the rise specifically to the Treasury bill increase . +That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period . +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . +That would be a formula for ensuring even more FHA red ink . +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . +Chrysler has had to temporarily close the St. Louis and Toledo plants recently because of excess inventories of vehicles built there . +Coke has tended to increase its control when results were sluggish in a given country . +Terms call for First Security to issue about 0.55 share of its stock for each Deseret share held , or a total of about 550,000 First Security shares . +Through the first nine months of the year , the unadjusted total of all new construction was $ 199.6 billion , flat compared with a year earlier . +BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval . +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . +It said financing would consist of $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $ 150 million revolving credit line underwritten by Chase Manhattan Bank . +Executions , regardless of how frequently they occur , are also `` proper retribution '' for heinous crimes , Mr. Hatch argues . +Nancy Craig , advertising manager for the Red Cross , readily admits `` they 're piggybacking on our reputation . '' +On U.S. - Japan relations : `` I 'm encouraged . +He said it has n't yet been determined how the RTC will raise the cash , but the administration does n't want it to be included on the federal budget , because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit . +People familiar with Nekoosa said its board is n't likely to meet before the week after next to respond to the bid . +He will concentrate on , among others , J.P. Morgan and Hyundai . +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . +Competition in the sale of complete bikes is heating up too . +T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable . +He could acquire a staff of loyal Pinkerton 's employees , many of whom had spent their entire careers with the firm , he could eliminate a competitor and he could get the name recognition he 'd wanted . +$ 200 million of bonds due Nov. 16 , 1994 , with equity - purchase warrants , indicating a 4 1\/2 % coupon at par via Yamaichi International Europe Ltd . +Some analysts have said Courtaulds ' moves could boost the company 's value by 5 % to 10 % , because the two entities separately will carry a higher price earnings multiple than they did combined . +Jaguar shares closed at 869 pence , up 122 pence , on hefty turnover of 9.7 million shares . +`` The profit locking - in is definitely going on , '' said Mr. Mills , whose firm manages $ 600 million for Boston Co . +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . +His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point . +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . +The announcement effectively removes the British government as an impediment to a takeover of the company , which is being stalked by General Motors and Ford . +Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter , the firm added . +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . +`` There are some things that have gone on here that nobody can explain , '' she says . +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . +I worry more about things becoming so unraveled on the other side that they might become unable to negotiate . +Lawyers would eagerly seize on the provision in their death - penalty appeals , says Richard Burr , director of the NAACP Legal Defense and Educational Fund 's capital - punishment defense team . +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . +And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' said Alan Gottesman , an analyst with PaineWebber . +But it could also help American companies , which also are starting to try to open the market . +A company spokesman did n't know Mr. Wakeman 's age . +The IRS has been seeking more than $ 300 million in back taxes from Mr. Hunt . +Profit after tax and minority interest but before extraordinary items rose 12 % to # 135.2 million ; per - share earnings rose to five pence from 4.5 pence . +Mr. Rifenburgh also noted that 150 million shares of MiniScribe common stock were traded during the past three years , `` so there 's a tremendous amount of exposure . '' +The gene thus can prevent a plant from fertilizing itself . +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . +Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom . +He had developed a hatred for the hacker and a grudging appreciation of the federal `` spooks '' who make national security their business . +The offering , Series 109 , is backed by Freddie Mac 10 % securities . +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . +All these vehicles have sharply improved Nissan 's morale and image -- but have n't done much for its market share . +Mr. Blair said his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux . +The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points . +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . +`` Demand from Japan is expected to continue strong , but not from other areas of the world into the first quarter of next year , '' he said . +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . +It said the situation is caused by efforts to streamline bloated factory payrolls . +Accomplishing both will be a balancing act as challenging as riding a unicycle . +Because the Japanese `` alphabet '' is so huge , Japan has no history of typewriter use , and so `` keyboard allergy , '' especially among older workers , remains a common affliction . +This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit . +Accepted bids ranged from 8 % to 8.019 % . +`` I ca n't do anything score - wise , but I like meeting the girls . '' +Ms. Shere has offered a $ 500 reward for the book 's return but figures she 'll have to reinvent many recipes from scratch . +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . +Mr. Robinson of Delta & Pine , the seed producer in Scott , Miss. , said Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops . +`` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that , '' warns John Philip Jones , chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University . +Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis . +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . +The buyers , these analysts added , could be either foreign or other U.S. concerns . +Jack Kemp has submitted a package of reforms , and they are surely headed for the Capitol Hill sausage - grinder . +September was the 10th consecutive month in which steel exports failed to reach the year - earlier level . +Four other countries in Europe have approved Proleukin in recent months . +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . +However , it does n't give much of a clue as to whether a recession is on the horizon . +`` Everyone else is going to catch up '' with Nissan 's innovative designs , says A. Rama Krishna , auto analyst at First Boston ( Japan ) Ltd . +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . +The drop marked the largest monthly tumble since a 19 % slide in January 1982 . +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . +But Judge Keenan said that privilege is meant to protect private utterances -- not litigation papers filed with foreign governments , as Mrs. Marcos 's attorneys maintained . +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . +Mortgage securities ended 2\/32 to 4\/32 higher in light trading . +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . +`` That burden is very difficult , if not impossible , to meet , '' says Mr. Boyd . +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' +Conservatives are the faction in U.S. politics which always said that Mr. Ortega and his friends do n't want to hold an election in Nicaragua . +Some have been training for months ; others only recently left active status . +The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis , he said . +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . +He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes . +After the GASB was founded in 1984 , 11 years after the FASB , the government - owned entities were supposed to follow FASB rules unless the GASB superceded them . +About 800 have crossed the picket lines and returned to work . +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . +SKILLED WORKERS aplenty are available to cope with earthquake damage . +For a long time , he ignored baseball altogether , even the sports pages . +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . +But Mr. Simonds-Gooding said he is n't talking to any studios about investing . +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . +And some doctors who have conducted hours of tests on themselves report temporary headaches . +The first part , consisting of $ 151 million of 13 3\/4 % senior subordinated reset notes , was priced at 99.75 . +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . +Advancing issues on the Big Board surged ahead of decliners 1,111 to +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . +Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies . +Officials believe this has left a gaping loophole that illegal drug businesses are exploiting . +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . +RU-486 is being administered in France only under strict supervision in the presence of a doctor . +Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years , he adds . +Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it . +The far left had some good issues even if it did not have good programs for dealing with them . +I am referring to those young men who chose to disobey their country 's call to arms during the Vietnam war and fled to Canada or some other sanctuary to avoid combat . +The Dallas oil and gas concern said that $ 10 million of the facility would be used to consolidate the company 's $ 8.1 million of existing bank debt , to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock , and to purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp . +Unlike most economic indicators , none of these figures are adjusted for seasonal variations . +Because the federal pension agency had taken over the old plans , LTV would be responsible only for benefits paid under the new pension plans . +The company has $ 1 billion in debt filed with the Securities and Exchange Commission . +Mr. Rifenburgh told industry analysts he is moving `` aggressively '' to negotiate out - of - court settlements on a number of shareholder lawsuits , but noted that the company could file for bankruptcy - law protection if settlement talks fail . +Indeed , the `` art of doctoring '' does contribute to better health results and discourages unwarranted malpractice litigation . +Mr. Baker hears her out , pokes around a bit , asks a few questions and proposes some explanations . +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . +The RTC will have to sell or merge hundreds of insolvent thrifts over the next three years . +`` Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios '' stemming from falling prices , said Jacob Dreyer , the institute 's chief economist . +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . +Made of space - age materials , the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race , the company claims . +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . +There was some profit - taking because prices for all the precious metals had risen to levels at which there was resistance to further advance , he said . +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' +And the lawyers were just as eager as the judge to wrap it up . +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . +They can be relieved only by changing that system , not by pouring Western money into it . +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . +If the government can stick with them , it will be able to halve this year 's 120 billion ruble ( US$ 193 billion ) deficit . +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . +He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . '' +Japan 's FTC says it is investigating Apple for allegedly discouraging retailers from discounting . +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . +`` They 're getting some major wins , '' she added . +The brew , called Miller Sharp 's , will be supported by ads developed by Frankenberry , Laughlin & Constable , Milwaukee . +The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' +Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc . +In that decision , the high court said a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment . +A Coke spokesman said he could n't say whether that is the direction of the talks . +Last year , the Supreme Court defined when companies , such as military contractors , may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract . +The poll points up some inconsistencies between what people say and what they do . +It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor . +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . +The network must refund money to the advertisers and loses considerable revenue and prestige . +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . +Most of the proposals are in tourism , basic industry and fishery and agro - industry projects , he said . +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . +It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only . +In recent years , Nissan has instituted flex - time work schedules and allowed employees to dress casually , even in blue jeans . +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . +That amounts to more than $ 350 billion a year . +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . +In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions do n't have to . +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . +Warner is part of Warner Communications Inc. , which is in the process of being acquired by Time Warner Inc . +In major market activity : Stock prices rose in light trading . +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . +Mr. Baker heads the Kentucky Association of Science Educators and Skeptics . +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . +Healthcare International Inc. said it reached a 120 - day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $ 5 million right away and additional amounts in the future . +The ultimate outcome depends on what he does , not on what we do . +Aside from as much as $ 3.45 billion in recently approved federal aid , the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $ 700 million . +They say these are small prices to pay for galvanizing action for the all - important cause . +It could point to plenty of ailments that the Spanish economic rejuvenation so far has failed to cure . +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . +The Treasury bills sold yesterday settle today , rather than the standard settlement day of Thursday . +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . +It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism . +Municipal bonds were little changed to 1\/2 point higher in late dealings . diff --git a/data/evaluation_data/carb/data/gold/dev.tsv b/data/evaluation_data/carb/data/gold/dev.tsv new file mode 100644 index 0000000000000000000000000000000000000000..f71b3d1f44a2241cdd04d782e35f556c9484820f --- /dev/null +++ b/data/evaluation_data/carb/data/gold/dev.tsv @@ -0,0 +1,2548 @@ +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . made a final `` take - it - or - leave it '' offer on President Bush the minimum wage Earlier this year +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . is Bush President +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . was an increase to President Bush's final `` take - it - or - leave it '' offer on the minimum wage $ 4.25 an hour over three years +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . was an increase only if accompanied by President Bush's final `` take - it - or - leave it '' offer on the minimum wage a lower wage for the first six months of a job +Earlier this year , President Bush made a final `` take - it - or - leave it '' offer on the minimum wage : an increase to $ 4.25 an hour over three years , and only if accompanied by a lower wage for the first six months of a job . will be for a lower wage a job in the first six months +This finding indicated that organic compounds could carry current . indicated that This finding organic compounds could carry current +Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets . is Blagoja ` Billy ' Celeski an Australian footballer +Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets . plays Blagoja ` Billy ' Celeski as a midfielder +Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets . plays Blagoja ` Billy ' Celeski for the Newcastle Jets +Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets . have the Newcastle Jets midfielder +Mr. Baker found an opening under the house that led to a fume - filled coal mine . found Mr. Baker an opening under the house +Mr. Baker found an opening under the house that led to a fume - filled coal mine . led to an opening a fume - filled coal mine under the house +Mr. Baker found an opening under the house that led to a fume - filled coal mine . was a coal mine fume - filled +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . joined Tom Bradley the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . joined the London , Midland and Scottish Railway Company Tom Bradley as a junior clerk in the Goods Depot at Kettering in 1941 +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . exists a Goods Depot in Kettering in 1941 +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . exists the London , Midland and Scottish Railway Company at Kettering in 1941 +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . exists Tom Bradley in 1941 +Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 . is Tom Bradley a junior clerk in the Goods Depot at Kettering in 1941 +However , Jesus is not accepted as the son by Muslims , who strictly maintain that he was a human being who was loved by God and exalted by God to ranks of the most righteous . is not accepted by Muslims as Jesus the son +However , Jesus is not accepted as the son by Muslims , who strictly maintain that he was a human being who was loved by God and exalted by God to ranks of the most righteous . strictly maintain that Jesus was Muslims a human being +However , Jesus is not accepted as the son by Muslims , who strictly maintain that he was a human being who was loved by God and exalted by God to ranks of the most righteous . strictly maintain that Jesus was loved by Muslims God +However , Jesus is not accepted as the son by Muslims , who strictly maintain that he was a human being who was loved by God and exalted by God to ranks of the most righteous . strictly maintain that Jesus was exalted to ranks of the most righteous by Muslims God +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . taught at Gideon Rodan the University of Connecticut School of Dental Medicine From 1970 +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . taught at Gideon Rodan the University of Connecticut School of Dental Medicine to 1985 +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . taught at Gideon Rodan the University of Connecticut School of Dental Medicine until he switched over to Merck +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . switched over to Gideon Rodan Merck +From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck . has the University of Connecticut a School of Dental Medicine +After a short absence Keibler began a short feud with the evil Jillian Hall , which led to the two having a match on `` Velocity '' , which Keibler lost . began Keibler a short feud with the evil Jillian Hall after a short absence +After a short absence Keibler began a short feud with the evil Jillian Hall , which led to the two having a match on `` Velocity '' , which Keibler lost . led to a short feud with the evil Jillian Hall the two having a match on `` Velocity '' +After a short absence Keibler began a short feud with the evil Jillian Hall , which led to the two having a match on `` Velocity '' , which Keibler lost . lost Keibler a match on `` Velocity '' +Walcott was brought on one knee in the third round and the fight ended with hardly a scratch on Langford . was brought on one knee Walcott in the fight in the third round +Walcott was brought on one knee in the third round and the fight ended with hardly a scratch on Langford . hardly a scratch on in the fight Langford +Walcott was brought on one knee in the third round and the fight ended with hardly a scratch on Langford . ended with hardly a scratch on the fight Langford +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . launched Hezbollah a series of rocket attacks into Israeli territory On 12 July 2006 +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . launched Hezbollah a series of raids into Israeli territory On 12 July 2006 +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . killed a series of rocket attacks and raids three Israeli soldiers in Israeli territory On 12 July 2006 +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . captured a series of rocket attacks and raids a further two Israeli soldiers in Israeli territory On 12 July 2006 +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . killed Hezbollah three Israeli soldiers in Israeli territory On 12 July 2006 +On 12 July 2006 , Hezbollah launched a series of rocket attacks and raids into Israeli territory , where they killed three Israeli soldiers and captured a further two . captured Hezbollah a further two Israeli soldiers in Israeli territory On 12 July 2006 +Courtelary is first mentioned in 968 as `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey . is first mentioned as Courtelary `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey in 968 +Courtelary is first mentioned in 968 as `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey . has Moutier-Grandval Abbey properties +Courtelary is first mentioned in 968 as `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey . is of a list the properties of Moutier-Grandval Abbey +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . addressed Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU the workers at numerous public meetings +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . obtained The strike political support from the Political Affairs Committee +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . were addressed the workers by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . had a the workers strike +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . had The strike numerous public meetings +The strike obtained political support from the Political Affairs Committee , and the workers were addressed at numerous public meetings by Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU . obtained The strike political support from Dr. Cheddi Jagan , Janet Jagan and leaders of the GIWU +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . parallel US 258 and NC 122 the river north before the two routes diverge northeast of Tarboro +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . parallel US 258 the river north before diverge northeast of Tarboro +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . parallel NC 122 the river north before diverge northeast of Tarboro +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . diverge the two routes northeast of Tarboro +US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro . diverge US 258 and NC 122 northeast of Tarboro +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . are adapted to A number of rare and endemic the unique limestone limestone of the mountains +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . are the limestone soils of the mountains unique +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is adapted to the cliffdweller the unique limestone soils of the mountains +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is adapted to the bristlecone cryptantha the unique limestone soils of the mountains +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is adapted to Inyo rock daisy the unique limestone soils of the mountains +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is cliffdweller rare and endemic +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is bristlecone cryptantha rare and endemic +A number of rare and endemic plants are adapted to the unique limestone soils of the mountains , including the cliffdweller , bristlecone cryptantha , and Inyo rock daisy . is Inyo rock daisy rare and endemic +These include any Assistant to the President , Deputy Assistant to the President , and Special Assistant to the President . include These any Assistant to the President +These include any Assistant to the President , Deputy Assistant to the President , and Special Assistant to the President . include These any Deputy Assistant to the President +These include any Assistant to the President , Deputy Assistant to the President , and Special Assistant to the President . include These any Special Assistant to the President +He was awarded the Queen 's Police Medal in the 1957 New Year Honours . was awarded He the Queen 's Police Medal New Year Honours in 1957 +He was awarded the Queen 's Police Medal in the 1957 New Year Honours . has He the Queen 's Police Medal +Competition in the sale of complete bikes is heating up too . is heating up too Competition in the sale of complete bikes +Competition in the sale of complete bikes is heating up too . is in Competition the sale of complete bikes +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . batted he .260 in 64 games , primarily at second base in the Astros +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . primarily batted at he second base in the Astros +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . has he .535 slugging percentage +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . is in he the Astros , where he batted .260 in 64 games , primarily at second base +with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base . batted .260 in 64 games , with a .535 slugging percentage he primarily at second base in the Astros +They are also known in Japan as `` Northern Territories '' . are also known as They `` Northern Territories '' in Japan +She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant . resigns She after the events of `` The Last Precinct '' +She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant . relocates to She Florida +She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant . becomes She a private forensic consultant in Florida +She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant . had `` The Last Precinct '' events +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . enters Muncy Creek Lycoming County +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . exits Muncy Creek Davidson Township , Sullivan County +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . is in Davidson Township Sullivan County +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . flows along for several miles Muncy Creek the border between Shrewsbury Township and Penn Township +Upon exiting Davidson Township , Sullivan County , Muncy Creek enters Lycoming County and flows along the border between Shrewsbury Township and Penn Township for several miles . is between the border Shrewsbury Township and Penn Township +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . were located close to the villages industrial sites +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . were generally physically separated from the villages the industrial sites +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . generally consisted of the villages relatively high quality housing +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . has The RSNO a base at Henry Wood Hall in Glasgow +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . is in Henry Wood Hall Glasgow +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . is also used as The RSNO 's base its recording venue +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . is being constructed a new base within the Royal Concert Hall , Buchanan Street +The RSNO 's base is at Henry Wood Hall in Glasgow and is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street . is on the Royal Concert Hall Buchanan Street +Dripping can be clarified by adding a sliced raw potato and cooking until potato turns brown . can be clarified Dripping by adding a sliced raw potato and cooking until potato turns brown +In recent years , Nissan has instituted flex - time work schedules and allowed employees to dress casually , even in blue jeans . has instituted Nissan flex - time work schedules In recent years +In recent years , Nissan has instituted flex - time work schedules and allowed employees to dress casually , even in blue jeans . has allowed to dress casually Nissan employees In recent years +In recent years , Nissan has instituted flex - time work schedules and allowed employees to dress casually , even in blue jeans . has allowed to dress even in blue jeans Nissan employees In recent years +A character notes some practical difficulties with such a map and states that `` we now use the country itself , as its own map , and I assure you it does nearly as well . '' has A character a map +A character notes some practical difficulties with such a map and states that `` we now use the country itself , as its own map , and I assure you it does nearly as well . '' notes A character some practical difficulties +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . buy traders large amounts of stocks In stock - index arbitrage +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . sell traders large amounts of stocks In stock - index arbitrage +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . have offsetting trades in traders stock - index futures In stock - index arbitrage +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . have offsetting trades in traders stock - index options In stock - index arbitrage +In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options . has stock - index arbitrage +Having returned to the Second Division at the first attempt , they gained promotion to the First Division in 1974 . gained they promotion to the First Division in 1974 +Having returned to the Second Division at the first attempt , they gained promotion to the First Division in 1974 . returned to they the Second Division at the first attempt +He stayed for less than a year before being appointed Chief Constable of Kent in July 1946 . stayed He for less than a year +He stayed for less than a year before being appointed Chief Constable of Kent in July 1946 . was appointed He Chief Constable of Kent in July 1946 +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . has King many writings +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . has King a grandmother +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . often refers to King the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother In many of her writings +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . has King's grandmother snobbish behavior +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . are contradictions comical +In many of her writings , King often refers to the comical contradictions between the material reality of her upbringing and the snobbish behavior of her grandmother . has King's upbringing material reality +McLay also suggests that the songs negate what many consider to be a `` heretical '' ending for a comedy . also suggests that the songs negate McLay what many consider to be a `` heretical '' ending for a comedy +McLay also suggests that the songs negate what many consider to be a `` heretical '' ending for a comedy . consider a comedy ending many `` heretical '' +Byrom Street Cutting became a runaway catch point for runaway trains in the tunnel . became Byrom Street Cutting a runaway catch point for runaway trains in the tunnel +Byrom Street Cutting became a runaway catch point for runaway trains in the tunnel . is Byrom Street Cutting a runaway catch point for runaway trains in the tunnel +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . maintained The division defensive positions until the offensive of 23 May +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . was on the offensive 23 May +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . broke out of The division the beachhead on 23 May +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . took The division Cisterna on 23 May +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . raced to The division Civitavecchia on 23 May +The division maintained defensive positions until the offensive of 23 May , when it broke out of the beachhead , took Cisterna , and raced to Civitavecchia and Rome . raced to The division Rome on 23 May +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . follows The novel Cashel Byron +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . is Cashel Byron a world champion prizefighter +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . tries to woo Cashel Byron wealthy aristocrat Lydia Carew +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . is Lydia Carew wealthy +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . is Lydia Carew an aristocrat +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . has Cashel Byron an illegal profession +The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession . tries to woo without revealing Cashel Byron his illegal profession +A different judge then ordered the case reviewed by a higher court . ordered A different judge the case reviewed by a higher court +A different judge then ordered the case reviewed by a higher court . was reviewed the case by a higher court +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . observed Lady Mary Wortley Montagu the practice in Istanbul In 1717 +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . attempted to popularize Lady Mary Wortley Montagu the practice in Britain In 1717 +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . encountered Lady Mary Wortley Montagu considerable resistance in Britain In 1717 +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . was to popularize considerable resistance the practice in Britain In 1717 +In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance . was Mary Wortley Montagu a Lady +Wallonia is also home to about 80 % of the population of the French Community of Belgium , a political level responsible for matters related mainly to culture and education , with the remainder living in Brussels . is home to about 80 % of the Wallonia population of the French Community of Belgium +Wallonia is also home to about 80 % of the population of the French Community of Belgium , a political level responsible for matters related mainly to culture and education , with the remainder living in Brussels . is home to 80 % of the population of the French Community of Wallonia Belgium +Wallonia is also home to about 80 % of the population of the French Community of Belgium , a political level responsible for matters related mainly to culture and education , with the remainder living in Brussels . is home to 80 % of the population with the remainder living in Wallonia Brussels +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . have liquid-packed vessels thermal relief valves +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . are generally characterized by thermal relief valves the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion in liquid-packed vessels +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . is caused by excess pressure thermal expansion in liquid-packed vessels +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . provides protection from the valve excess pressure caused by thermal expansion in liquid-packed vessels +For liquid-packed vessels , thermal relief valves are generally characterized by the relatively small size of the valve necessary to provide protection from excess pressure caused by thermal expansion . generally have liquid-packed vessels relatively small thermal relief valves +The Original Celtics were a barnstorming professional basketball team in the 1920s . were The Original Celtics a barnstorming professional basketball team in the 1920s +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . ascends through the student of Torah the thought of the Pardes system +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . become more the interpretations inward +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . become more the interpretations spiritual +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . becomes it progressively understood that God desires man 's observance of the Jewish precepts +As the student of Torah ascends through the thought of the Pardes system , as the interpretations become more inward and spiritual , it becomes progressively understood that God desires man 's observance of the Jewish precepts , so to speak . desires God man 's observance of the Jewish precepts +All these vehicles have sharply improved Nissan 's morale and image -- but have n't done much for its market share . have sharply improved All these vehicles Nissan 's morale +All these vehicles have sharply improved Nissan 's morale and image -- but have n't done much for its market share . have sharply improved All these vehicles Nissan 's image +All these vehicles have sharply improved Nissan 's morale and image -- but have n't done much for its market share . have n't done much for All these vehicles Nissan 's market share +Just above seen is a replica of a Shiva lingam . is seen a replica of a Shiva lingam Just above +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . includes the triangle area Quanzhou +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . includes the triangle area Xiamen +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . includes the triangle area Zhangzhou +Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages . speak locals Minnan languages around the triangle area +Chrysler has had to temporarily close the St. Louis and Toledo plants recently because of excess inventories of vehicles built there . has had to close Chrysler the plants in St. Louis temporarily +Chrysler has had to temporarily close the St. Louis and Toledo plants recently because of excess inventories of vehicles built there . has had to close Chrysler the plants in Toledo temporarily +This used the section of the C&HP line from Buxton as far as Parsley Hay , from where a single line ran south to Ashbourne , where it connected with the North Staffordshire Railway . used This the section of the C&HP line from Buxton +This used the section of the C&HP line from Buxton as far as Parsley Hay , from where a single line ran south to Ashbourne , where it connected with the North Staffordshire Railway . used This the section of the C&HP line as far as Parsley Hay +This used the section of the C&HP line from Buxton as far as Parsley Hay , from where a single line ran south to Ashbourne , where it connected with the North Staffordshire Railway . ran a single line south to Ashbourne from Parsley Hay +This used the section of the C&HP line from Buxton as far as Parsley Hay , from where a single line ran south to Ashbourne , where it connected with the North Staffordshire Railway . connected with a single line the North Staffordshire Railway in Ashbourne +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . is often portrayed as this form of violence an issue within the context of heterosexual relationships +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . occurs in this form of violence lesbian relationships +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . occurs in this form of violence daughter-mother relationships +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . occurs in this form of violence roommate relationships +Though this form of violence is often portrayed as an issue within the context of heterosexual relationships , it also occurs in lesbian relationships , daughter-mother relationships , roommate relationships and other domestic relationships involving two women . this form of violence occurs in domestic relationships involving two women +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . had the high quality housing integrated community amenities +Although the villages were located close to industrial sites , they were generally physically separated from them and generally consisted of relatively high quality housing , with integrated community amenities and attractive physical environments . had the high quality housing attractive physical environments +I worry more about things becoming so unraveled on the other side that they might become unable to negotiate . worry more about things becoming so unraveled on I the other side that they might become unable to negotiate +I worry more about things becoming so unraveled on the other side that they might become unable to negotiate . becoming so unraveled on the I worry more about things other side that they might become unable to negotiate +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . produced The second session Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' on November 12 , 1960 +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . was `` I 've Just Got to Forget You '' sad and mood +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . was taking place The second session on November 12 , 1960 +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . was `` St. James Infirmary '' Joe Primrose 's +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . were produced `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' on November 12 , 1960 +The second session , taking place on November 12 , 1960 , produced Joe Primrose 's `` St. James Infirmary '' and the sad and mood `` I 've Just Got to Forget You '' . `` I 've Just Got to Forget You '' was Joe Primrose 's +23.8 % of all households were made up of individuals and 13.0 % had someone living alone who was 65 years of age or older . made up of 23.8 % of all households individuals +23.8 % of all households were made up of individuals and 13.0 % had someone living alone who was 65 years of age or older . have 13.0 % of all households someone living alone who 65 years or older; +He held the post as Attorney-General until 1834 ; he was readmitted in 1841 and after serving for a year , became Master of the Rolls in Ireland . held He the post as Attorney-General until 1834 +He held the post as Attorney-General until 1834 ; he was readmitted in 1841 and after serving for a year , became Master of the Rolls in Ireland . was readmitted He in 1841 +He held the post as Attorney-General until 1834 ; he was readmitted in 1841 and after serving for a year , became Master of the Rolls in Ireland . became He Master of the Rolls in Ireland after serving for a year +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . soared Great Northern Nekoosa $ 20.125 a share +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . soared to Great Northern Nekoosa $ 62.875 a share +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . is substantially above Great Northern Nekoosa's $ 62.875 a share the $ 58 a share Georgia - Pacific is offering +Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering . is offering Georgia - Pacific $ 58 a share +Mr. Moon 's support for a Watergate - beleaguered Richard Nixon , the Koreagate scandal , and his prison sentence for income - tax evasion did not help the church 's recruitment efforts . support Mr. Moon 's for a Watergate - beleaguered Richard Nixon , the Koreagate scandal , and his prison sentence for income - tax evasion did not help the church 's efforts +The latest research pact bolsters Du Pont 's growing portfolio of investments in superconductors . bolsters Du Pont 's The latest research pact bolsters portfolio of investments in superconductors +The latest research pact bolsters Du Pont 's growing portfolio of investments in superconductors . are in Du Pont 's growing portfolio of investments superconductors +The latest research pact bolsters Du Pont 's growing portfolio of investments in superconductors . has Du Pont a growing of investments +She began her film career in 1947 in the film `` A New Oath '' . began She her film career in 1947 +She began her film career in 1947 in the film `` A New Oath '' . is `` A New Oath '' a film in 1947 +She began her film career in 1947 in the film `` A New Oath '' . was in She the film `` A New Oath '' in 1947 +She began her film career in 1947 in the film `` A New Oath '' . was in her career film +Continuing duties specified for freed slaves in manumission agreements became more common into the Hellenistic era , and they may have been customary earlier . became Continuing duties specified for freed slaves more common in manumission agreements into the Hellenistic era +Continuing duties specified for freed slaves in manumission agreements became more common into the Hellenistic era , and they may have been customary earlier . may have been Continuing duties specified for freed slaves customary in manumission agreements earlier +Continuing duties specified for freed slaves in manumission agreements became more common into the Hellenistic era , and they may have been customary earlier . were specified for Continuing duties freed slaves in manumission agreements +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . returned to He Cleveland +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . working in clubs as a He returned to Cleveland singer +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . working in clubs as a He returned to Cleveland dancer +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . working in clubs as a He returned to Cleveland comedian +He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr . often appeared in character as He Prince DuMarr +The Israeli controlled sector was captured by Israel in the Six-Day War of June 1967 . was captured by The Israeli controlled sector Israel in the Six-Day War of June 1967 +The Israeli controlled sector was captured by Israel in the Six-Day War of June 1967 . was The sector Israeli controlled +A company spokesman did n't know Mr. Wakeman 's age . did n't know A company spokesman Mr. Wakeman 's age +Voyslava has killed Mlada , Yaromir 's bride , to have him for herself . has killed Voyslava Yaromir 's bride +Voyslava has killed Mlada , Yaromir 's bride , to have him for herself . has killed Voyslava Mlada +Voyslava has killed Mlada , Yaromir 's bride , to have him for herself . is bride of Mlada Yaromir +Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint . contended that Mr. Ackerman it was a direct response to his efforts to gain control of Datapoint +Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint . had efforts to gain control of Mr. Ackerman Datapoint +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . named Newport Electronics Inc. a new slate of officers +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . is a move that follows Newport Electronics Inc. naming a new slate of officers replacement of the company 's five incumbent directors last week +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . had a replacement the company 's five incumbent directors last week +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . had Newport Electronics Inc. five incumbent directors +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . were five directors incumbent at Newport Electronics Inc. +Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week . is Newport Electronics Inc. the company +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . is between equality the two vectors in homogeneous coordinates +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . means that equality between the two vectors in homogeneous coordinates the numbers on the right side are equal to the numbers on the left side Here +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . are numbers on the right side +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . are numbers on the left side +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . are equal to the numbers on the right side the numbers on the left side +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . are equal up to the numbers on the right side and the numbers on the left side some common scaling factor formula_8 +Here , equality between the two vectors in homogeneous coordinates means that the numbers on the right side are equal to the numbers on the left side up to some common scaling factor formula_8 . is formula_8 some common scaling factor +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are Many lodge members active staff members of Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are youth lodge members active staff members of Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are adult lodge members active staff members of Cub Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are adult lodge members active staff members of Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are youth lodge members active staff members of Cub Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are Many lodge members active staff members of Cub Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are Many lodge members active staff members of both Scout and Cub Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are youth lodge members active staff members of both Scout and Cub Scout camps +Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps . are youth lodge members active staff members of both Scout and Cub Scout camps +These tracks have subsequently been included on CD reissues of the album `` The Plan '' . have been included on These tracks CD reissues of the album `` The Plan '' subsequently +These tracks have subsequently been included on CD reissues of the album `` The Plan '' . has the album `` The Plan '' CD reissues +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is The Institut Constant de Rebecque a free-market think tank +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is The Institut Constant de Rebecque a Swiss think tank +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is The Institut Constant de Rebecque a classical liberal think tank +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is The Institut Constant de Rebecque a classical libertarian think tank +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . was founded The Institut Constant de Rebecque in Lausanne in January 2005 +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . was named after The Institut Constant de Rebecque writer and political philosopher Benjamin Constant +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is Benjamin Constant a writer +The Institut Constant de Rebecque is a Swiss free-market , classical liberal and libertarian think tank founded in January 2005 in Lausanne , named after writer and political philosopher Benjamin Constant . is Benjamin Constant a political philosopher +Owen and the French socialist Henri de Saint-Simon were the fathers of the utopian socialist movement ; they believed that the ills of industrial work relations could be removed by the establishment of small cooperative communities . were the fathers of Owen and the French socialist Henri de Saint-Simon the utopian socialist movement +Owen and the French socialist Henri de Saint-Simon were the fathers of the utopian socialist movement ; they believed that the ills of industrial work relations could be removed by the establishment of small cooperative communities . was Henri de Saint-Simon a French socialist +Owen and the French socialist Henri de Saint-Simon were the fathers of the utopian socialist movement ; they believed that the ills of industrial work relations could be removed by the establishment of small cooperative communities . believed that Owen and Henri de Saint-Simon the ills of industrial work relations could be removed +Owen and the French socialist Henri de Saint-Simon were the fathers of the utopian socialist movement ; they believed that the ills of industrial work relations could be removed by the establishment of small cooperative communities . could be removed by the establishment of the ills of industrial work relations small cooperative communities +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . had Mr. Achenbaum a move +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . follows Mr. Achenbaum 's move the announcement that his consulting partner , Stanley Canter , would retire +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . is Mr. Achenbaum 's consulting partner Stanley Canter +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . was the announcement that his consulting partner , Stanley Canter , would retire last month +Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire . is Stanley Canter 66 66 +It finally closed to all traffic in July 1985 , when it was deemed too expensive to make extensive repairs to keep Latchford viaduct operational . finally closed to Latchford viaduct all traffic in July 1985 +It finally closed to all traffic in July 1985 , when it was deemed too expensive to make extensive repairs to keep Latchford viaduct operational . was deemed Latchford viaduct too expensive to make extensive repairs to keep operational in July 1985 +It finally closed to all traffic in July 1985 , when it was deemed too expensive to make extensive repairs to keep Latchford viaduct operational . is at the viaduct Latchford +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . is Fannie Mae the FEDERAL NATIONAL MORTGAGE ASSOCIATION +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are FEDERAL NATIONAL MORTGAGE ASSOCIATION Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are FEDERAL NATIONAL MORTGAGE ASSOCIATION Posted yields on standard conventional fixed - rate mortgages 8.75 % +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are on Posted yields 30 year mortgage commitments for delivery within 30 days +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are on Posted yields standard conventional fixed - rate mortgages +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are on Posted yields 6\/2 rate capped one - year adjustable rate mortgages +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are for delivery within 30 year mortgage commitments 30 days +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are mortgage commitments for delivery within 30 days 30 year +FEDERAL NATIONAL MORTGAGE ASSOCIATION ( Fannie Mae ) : Posted yields on 30 year mortgage commitments for delivery within 30 days ( priced at par ) 9.75 % , standard conventional fixed - rate mortgages ; 8.75 % , 6\/2 rate capped one - year adjustable rate mortgages . are 6\/2 rate capped adjustable rate mortgages one - year +The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage . were Kilmacud Crokes The previous champions in 2005 +The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage . were knocked out of Kilmacud Crokes the competition in 2006 semi-final stage +The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage . were knocked out of Kilmacud Crokes the competition at the semi-final stage in 2006 +The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage . were knocked out of The previous champions the competition in 2006 +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . were able to reinforce 300 soldiers of the 1st SS Battalion the hotel That night +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . were able to defeat 300 soldiers of the 1st SS Battalion several attacks on the building That night +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . were on several attacks the building That night +That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building . were of 300 soldiers the 1st SS Battalion +That would be a formula for ensuring even more FHA red ink . would be a formula for ensuring That even more FHA red ink +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . develops significance as He a recurrent character in the series +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . develops significance as He a friend to Dream +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . is appearing in He a total of seven issues +He develops significance both as a recurrent character in the series and friend to Dream , appearing in a total of seven issues spanning six hundred years . are spanning a total of seven issues six hundred years +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . was created by The company's two - year corporate campaign WPP Group 's Ogilvy & Mather unit +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . has WPP Group Ogilvy & Mather unit +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . is in Ogilvy & Mather unit New York +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . is expected to spend on its two - year corporate campaign The company about $ 30 million a year +The company is expected to spend about $ 30 million a year on its two - year corporate campaign , created by WPP Group 's Ogilvy & Mather unit in New York . is The company's corporate campaign two - year +From 1953 till 1957 Speranskaya worked as chief artist in Kazan Dolls Theatre , since 1957 she worked as stage-artist director in Kazan theatres , also she was invited to other cities of Russian Federation . worked as Speranskaya chief artist in Kazan Dolls Theatre From 1953 till 1957 +From 1953 till 1957 Speranskaya worked as chief artist in Kazan Dolls Theatre , since 1957 she worked as stage-artist director in Kazan theatres , also she was invited to other cities of Russian Federation . worked as Speranskaya stage-artist director in Kazan theatres since 1957 +From 1953 till 1957 Speranskaya worked as chief artist in Kazan Dolls Theatre , since 1957 she worked as stage-artist director in Kazan theatres , also she was invited to other cities of Russian Federation . was invited to Speranskaya other cities of Russian Federation since 1957 +On April 13 , 1987 , the Iowa Terminal Railroad was sold to Dave Johnson and renamed to Iowa Traction Railroad . was sold to the Iowa Terminal Railroad Dave Johnson On April 13 , 1987 +On April 13 , 1987 , the Iowa Terminal Railroad was sold to Dave Johnson and renamed to Iowa Traction Railroad . was renamed to the Iowa Terminal Railroad Iowa Traction Railroad On April 13 , 1987 +On April 13 , 1987 , the Iowa Terminal Railroad was sold to Dave Johnson and renamed to Iowa Traction Railroad . is in the Terminal Railroad Iowa +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . span a wide range of His works topics +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works the occult +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works natural history +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works literary criticism +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works biology +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works cartography +His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography . are in His works iconography +In 1981 , when staying in New York State , the pair developed the idea of running workshops for professional artists , which became the Triangle Arts Trust . developed the pair the idea of running workshops for professional artists in New York State In 1981 +In 1981 , when staying in New York State , the pair developed the idea of running workshops for professional artists , which became the Triangle Arts Trust . became the idea of running workshops for professional artists the Triangle Arts Trust +In 1981 , when staying in New York State , the pair developed the idea of running workshops for professional artists , which became the Triangle Arts Trust . were staying the pair in New York State In 1981 +This currently sees the club ranked sixth in terms of premierships won . is ranked sixth in terms of the club premierships won currently +This currently sees the club ranked sixth in terms of premierships won . sees This the club ranked sixth in terms of premierships won currently +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . were made for Arrangements mid-August performances in 1944 +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . plot was to assassinate Hitler the 20 July +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . declared Joseph Goebbels total war following the 20 July plot to assassinate Hitler +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . closed Joseph Goebbels all theatres within the Third Reich +Arrangements were made for mid-August performances in 1944 , but , following the 20 July plot to assassinate Hitler , Joseph Goebbels declared `` total war '' and closed all theatres within the Third Reich , resulting in the work not being allowed a public staging . was not allowed the work a public staging +Fishing boats and cargo ships typically have one or more cargo holds . typically have Fishing boats one or more cargo holds +Fishing boats and cargo ships typically have one or more cargo holds . typically have cargo ships one or more cargo holds +After the GASB was founded in 1984 , 11 years after the FASB , the government - owned entities were supposed to follow FASB rules unless the GASB superceded them . was founded in the GASB 1984 +After the GASB was founded in 1984 , 11 years after the FASB , the government - owned entities were supposed to follow FASB rules unless the GASB superceded them . was founded the GASB 11 years after the FASB +After the GASB was founded in 1984 , 11 years after the FASB , the government - owned entities were supposed to follow FASB rules unless the GASB superceded them . was 1984 11 years after the FASB was founded +After the GASB was founded in 1984 , 11 years after the FASB , the government - owned entities were supposed to follow FASB rules unless the GASB superceded them . were supposed to follow unless the GASB superceded them the government - owned entities FASB rules After 1984 +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . peddles Premark International Inc. the M8.7sp Electronic Cycling Simulator +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . is the M8.7sp Electronic Cycling Simulator a stationary cycle +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . is the M8.7sp Electronic Cycling Simulator $ 2,000 +Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle . peddles Premark International Inc. a $ 2,000 stationary cycle +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . was Furious at Michael being passed over again +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . was passed over Michael again +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . secures Michael another job +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . is with another job a rival company +Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good . plans on leaving behind for good Michael his family +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . apologized to Bond former U.S. Attorney Todd Graves In October 2008 +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . is Todd Graves a former U.S. Attorney +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . was Todd Graves Attorney of U.S. formerly +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . cited Bond for forcing Graves out over a U.S. Justice Department report a disagreement with Representative Sam Graves +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . forced out over a disagreement Bond Graves +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . had a disagreement with Graves Representative Sam Graves +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . is Sam Graves a Representative +In October 2008 , Bond apologized to former U.S. Attorney Todd Graves , after a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves . apologized Bond a U.S. Justice Department report cited Bond for forcing Graves out over a disagreement with Representative Sam Graves after +He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' . toured extensively He throughout the world +He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' . earned He the marketing nickname `` the Pavarotti of the Organ '' +He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' . was the marketing nickname `` the Pavarotti of the Organ '' +He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' . is for `` the Pavarotti of the Organ '' nickname marketing +XM did offer a free month of service to subscribers who called in complaints of the suspension . did offer XM a free month of service +XM did offer a free month of service to subscribers who called in complaints of the suspension . did offer to XM subscribers who called in complaints of the suspension +XM did offer a free month of service to subscribers who called in complaints of the suspension . called in subscribers complaints of the suspension +XM did offer a free month of service to subscribers who called in complaints of the suspension . has XM subscribers +The gene thus can prevent a plant from fertilizing itself . can prevent a The gene a plant from fertilizing itself +The gene thus can prevent a plant from fertilizing itself . can a plant fertilize itself +Mr. Baker hears her out , pokes around a bit , asks a few questions and proposes some explanations . hears Mr. Baker her out , pokes around a bit , asks a few questions proposes some explanations +Mr. Baker hears her out , pokes around a bit , asks a few questions and proposes some explanations . hears her out, pokes around a bit , asks a few questions and Mr. Baker proposes some explanations +The first , at a severity of Mw 6.0 , occurred on May 26 , 1994 . occurred on The first May 26 , 1994 +The first , at a severity of Mw 6.0 , occurred on May 26 , 1994 . had a severity of The first Mw 6.0 on May 26 , 1994 +The Federal Trade Commission began an investigation in late 1995 . began The Federal Trade Commission an investigation in late 1995 +Although the Algeciras Conference temporarily solved the First Moroccan Crisis , it only worsened the tensions between the Triple Alliance and Triple Entente that ultimately led to the First World War . led to Algeciras Conference the First World War +By the end of this experiment several results were found . were found several results By the end of this experiment +By the end of this experiment several results were found . had this experiment several results +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . are familiar with individuals the situation +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . According to the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates individuals familiar with the situation +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . had Frankfurt a loss +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . failed to envision a computer program for calculating prices on forward - rate agreements an interest - rate environment where short - term rates were equal to or higher long - term rates +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . was for calculating prices on a computer program forward - rate agreements +According to individuals familiar with the situation , the Frankfurt loss stemmed from a computer program for calculating prices on forward - rate agreements that failed to envision an interest - rate environment where short - term rates were equal to or higher than long - term rates . were equal to or higher than short - term rates long - term rates in an interest - rate environment +Blackburne 's statement that he `` would not tolerate a refusal to ratify the appointment '' , is an indication of the influence which could then be wielded by a strong Attorney General . was Blackburne 's statement that he `` would not tolerate a refusal to ratify the appointment '' +Blackburne 's statement that he `` would not tolerate a refusal to ratify the appointment '' , is an indication of the influence which could then be wielded by a strong Attorney General . is Blackburne 's statement an indication of the influence which could then be wielded by a strong Attorney General +The latter was lifted only as the b-side of `` Keep on Loving Me '' . was lifted as the The latter b-side of `` Keep on Loving Me '' +The latter was lifted only as the b-side of `` Keep on Loving Me '' . is the b-side of The latter `` Keep on Loving Me '' +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . work as the two partners sometimes +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . are he and Stephanie the two +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . work as he and Stephanie partners sometimes +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . grow even closer he and Stephanie during a point in which Robin and Ariana were unable to see each other +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . is Robin he +However , the two sometimes work as partners , and during a point in which Robin and Ariana were unable to see each other , he and Stephanie grow even closer . were unable to see Robin and Ariana each other during a point +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make a woman who used RU-486 to have an abortion three trips to the clinic +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make trips a woman who used RU-486 to have an abortion past those picket lines +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make an initial visit for a woman who used RU-486 to have an abortion medical screening +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . are eliminated anemics +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . are eliminated those with previous pregnancy problems +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make an initial visit to take a woman who used RU-486 to have an abortion the pill +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make a second trip for a woman who used RU-486 to have abortion the prostaglandin to the clinic 48 hours later +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . is administered the prostaglandin via injection +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . is administered the prostaglandin via vaginal suppository +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . would have to make a third trip to make sure a woman who used RU-486 to have an abortion she has completely aborted to the clinic a week later +Thus , a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines ; an initial visit for medical screening ( anemics and those with previous pregnancy problems are eliminated ) and to take the pill , a second trip 48 hours later for the prostaglandin , administered either via injection or vaginal suppository , and a third trip a week later to make sure she has completely aborted . is used to have RU-486 an abortion +Agen would have another successful run in the 1940s , beginning with the 1943 season when they defeated Stade Bordelais 11 to 4 to win the Coupe de France . would have Agen another successful run in the 1940s +Agen would have another successful run in the 1940s , beginning with the 1943 season when they defeated Stade Bordelais 11 to 4 to win the Coupe de France . defeated Agen Stade Bordelais 11 to 4 in the 1943 season +Agen would have another successful run in the 1940s , beginning with the 1943 season when they defeated Stade Bordelais 11 to 4 to win the Coupe de France . win Agen the Coupe de France in the 1943 season +Terms call for First Security to issue about 0.55 share of its stock for each Deseret share held , or a total of about 550,000 First Security shares . is to issue for each Deseret share held First Security about 0.55 share of its stock +Terms call for First Security to issue about 0.55 share of its stock for each Deseret share held , or a total of about 550,000 First Security shares . is to issue a total of First Security about 550,000 First Security shares +Terms call for First Security to issue about 0.55 share of its stock for each Deseret share held , or a total of about 550,000 First Security shares . holds First Security Deseret shares +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . was His elder brother Conte Quinto Mazzolini +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . served as His elder brother Italian consul Jerusalem +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . undertook negotiations with His elder brother Abraham Stern +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . was Abraham Stern head of the Lehi terrorist group +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . sought to obtain the Lehi terrorist group Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . sought to obtain the Lehi terrorist group Italian recognition +His elder brother , Conte Quinto Mazzolini , served as Italian consul in Jerusalem , and undertook negotiations with Abraham Stern , head of the Lehi terrorist group , which sought to obtain Italian recognition of Jewish sovereignty in Palestine in exchange for placing Zionism under the aegis of Italian fascism . sought to exchange placing Zionism under the aegis of Italian fascism for the Lehi terrorist group Italian recognition of Jewish sovereignty +In the first volume of the series , The Noh 's nature and background is explained . is explained In The Noh 's nature the first volume of the series +In the first volume of the series , The Noh 's nature and background is explained . is explained In The Noh 's background the first volume of the series +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . are allies of Both companies Navigation Mixte +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . fight against Navigation Mixte a hostile takeover bid last week +Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie . launched Cie a hostile takeover bid against Navigation Mixte last week +Although the Algeciras Conference temporarily solved the First Moroccan Crisis , it only worsened the tensions between the Triple Alliance and Triple Entente that ultimately led to the First World War . temporarily solved Algeciras Conference First Moroccan Crisis +Although the Algeciras Conference temporarily solved the First Moroccan Crisis , it only worsened the tensions between the Triple Alliance and Triple Entente that ultimately led to the First World War . worsened Algeciras Conference tensions between Triple Alliance and Triple Entente +That amounts to more than $ 350 billion a year . amounts to That more than $ 350 billion a year +Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB . are to artificially oxygenate Plans areas of the Baltic that have experienced eutrophication +Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB . have been proposed by Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication the University of Gothenburg +Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB . have been proposed by Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication Inocean AB +Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB . was experienced in eutrophication areas of the Baltic +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . would not return to Overseas teams Russia until 1998 +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . was held in a youth tournament Russia in Moscow in 1998 +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . would return to Overseas teams Russia in Moscow in 1998 +Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow . would return to Russia when Overseas teams a youth tournament was held in Moscow in 1998 +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland , and as such was honored by the river being named for him . was considered to be St. Michael the patron saint of colonial Maryland +Because of this association , St. Michael was considered to be the patron saint of colonial Maryland , and as such was honored by the river being named for him . was honored St. Michael by the river being named for him +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . are considered office computers standard equipment in the U.S. +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . are considered office computers standard equipment in Western Europe +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . that have lacked office computers considered standard equipment in the U.S. companies are corporations in Japan +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . that have lacked office computers considered standard equipment in Western Europe companies are corporations in Japan +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . have a reputation as Japanese corporations hi - tech powerhouses +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . is only Japanese corporations ' reputation as hi - tech powerhouses half right +Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe , Japanese corporations ' reputation as hi - tech powerhouses is only half right . are in corporations that have a reputation as hi - tech powerhouses Japan +He ran for Speaker of the Rhode Island House of Representatives four times . ran for He Speaker of the House of Representatives of Rhode Island four times +By opening for acts such as U2 and Bob Dylan , they became a popular alternative rock band of the 1980s , retaining a loyal following to the present day . were opening for they acts such as U2 and Bob Dylan +By opening for acts such as U2 and Bob Dylan , they became a popular alternative rock band of the 1980s , retaining a loyal following to the present day . became they a popular alternative rock band of the 1980s +By opening for acts such as U2 and Bob Dylan , they became a popular alternative rock band of the 1980s , retaining a loyal following to the present day . are retaining they a loyal following to the present day +By opening for acts such as U2 and Bob Dylan , they became a popular alternative rock band of the 1980s , retaining a loyal following to the present day . were they an alternative rock band of the 1980s +Separate berthings and heads are found on sailboats over about . are found on berthings sailboats +Separate berthings and heads are found on sailboats over about . are found on heads sailboats +Separate berthings and heads are found on sailboats over about . are berthings and heads Separate on sailboats +Municipal bonds were little changed to 1\/2 point higher in late dealings . were Municipal bonds little changed to 1\/2 point higher in late dealings +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . was Their performance well received +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . inspired Ruby Hunter to dub the trio Their performance Tiddas +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . is Koori English for Tiddas the word sisters +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . is Ruby Hunter Archie Roach 's partner +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . has Archie Roach a partner +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . had the trio a performance +Their performance was well received and inspired Ruby Hunter , Archie Roach 's partner , to dub the trio Tiddas , which is Koori English for the word sisters . was the trio 's performance well received +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were mobilized squadrons during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were mobilized personnel during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were recalled back to squadrons active duty during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were recalled back to squadrons active duty during the Berlin Crisis +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . was in the Crisis Berlin +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . was in the War Korea +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were mobilized squadrons during the Berlin Crisis +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were mobilized personnel during the Berlin Crisis +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were recalled back to personnel active duty during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were recalled back to personnel active duty during the Berlin Crisis +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were readily proven when These skills squadrons were mobilized and recalled back to active duty during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were readily proven when These skills personnel were mobilized and recalled back to active duty during the Korean War +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were readily proven when These skills squadrons were mobilized and recalled back to active duty during the Berlin Crisis +These skills were readily proven when squadrons and personnel were mobilized and recalled back to active duty during the Korean War and the Berlin Crisis . were readily proven when These skills personnel were mobilized and recalled back to active duty during the Berlin Crisis +Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury . prorogued Charles parliament on 25 June +Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury . was not disbanded the army +Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury . worried that Shaftesbury the army was not disbanded +Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury . worried the not disbanded army Shaftesbury +A British version of this show was developed , known as `` Gladiators : Train 2 Win '' . was developed , known as A British version of this show `` Gladiators : Train 2 Win '' +The mouse is around nine inches long , and can jump in bounds of four feet when threatened . is The mouse around nine inches long +The mouse is around nine inches long , and can jump in bounds of four feet when threatened . can jump in bounds of The mouse four feet when threatened +Coke has tended to increase its control when results were sluggish in a given country . has tended to increase Coke its control in a given country when results were sluggish +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . was His son John Crozier Jr. +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . was killed in His son a feud Grainger County in the 1890s +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . was His son an early aviation pioneer +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . was building His son a human-powered flying machine in the 1890s +His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s , but was killed in a feud in Grainger County before he could complete it . was killed before he could complete His son a human-powered flying machine in Grainger County in the 1890s +Officials believe this has left a gaping loophole that illegal drug businesses are exploiting . believe Officials this has left a gaping loophole that illegal drug businesses are exploiting +Officials believe this has left a gaping loophole that illegal drug businesses are exploiting . are exploiting illegal drug businesses a gaping loophole +Officials believe this has left a gaping loophole that illegal drug businesses are exploiting . are drug businesses illegal +Officials believe this has left a gaping loophole that illegal drug businesses are exploiting . is a loophole gaping +Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years , he adds . are to add plans two new Infiniti models next year +Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years , he adds . are bringing the total to plans to add two new Infiniti models next year four Infiniti models +Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years , he adds . adds he Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years +Despite plans to add two new Infiniti models next year , bringing the total to four , Infiniti wo n't show profits for at least five years , he adds . wo n't show Infiniti profits for at least five years +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . is a Dreamer single +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . features performances by The single Philippe Saisse +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . features performances by The single Jasmine Roy +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . features performances by The single Rebeca Vega +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . is a Philippe Saisse keyboardist +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . is a Jasmine Roy vocalists +The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega . is a Rebeca Vega vocalists +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities review of group-based data +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities hearing screening +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities vision screening +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities motor screening +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities speech/language screening +These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration . include These screening activities review by the Special Education administration +The fractional quantum Hall effect continues to be influential in theories about topological order . is a Hall effect fractional quantum theories about topological order +The fractional quantum Hall effect continues to be influential in theories about topological order . continues to be Hall effect influential +The fractional quantum Hall effect continues to be influential in theories about topological order . continues to be influential in Hall effect theories about topological order +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . was erected a statue of Sir Arthur behind the National Archives of Canada Following his death +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . was erected a statue of Sir Arthur overlooking the Ottawa River Following his death +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . were erected two statues of civil servants in Ottawa during MacKenzie King 's tenure as Prime Minister +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . had tenure as MacKenzie King Prime Minister in Canada +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . is a statue of Sir Arthur one of only two statues of civil servants erected in Ottawa +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . was erected a statue of Sir Arthur in Ottawa during MacKenzie King 's tenure as Prime Minister +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . is of a statue Sir Arthur +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . was Sir Arthur a civil servant +Following his death , a statue of Sir Arthur was erected behind the National Archives of Canada , overlooking the Ottawa River This is one of only two statues of civil servants erected in Ottawa , both during MacKenzie King 's tenure as Prime Minister . is in the Ottawa River Canada +Unlike most economic indicators , none of these figures are adjusted for seasonal variations . are adjusted for none of these figures seasonal variations +Unlike most economic indicators , none of these figures are adjusted for seasonal variations . are adjusted for most economic indicators seasonal variations +Unlike most economic indicators , none of these figures are adjusted for seasonal variations . are Unlike these figures most economic indicators +Nancy Craig , advertising manager for the Red Cross , readily admits `` they 're piggybacking on our reputation . '' readily admits Nancy Craig `` they 're piggybacking on our reputation '' +Nancy Craig , advertising manager for the Red Cross , readily admits `` they 're piggybacking on our reputation . '' is Nancy Craig advertising manager for the Red Cross +Nancy Craig , advertising manager for the Red Cross , readily admits `` they 're piggybacking on our reputation . '' has the Red Cross an advertising manager +Executions , regardless of how frequently they occur , are also `` proper retribution '' for heinous crimes , Mr. Hatch argues . argues Mr. Hatch Executions , regardless of how frequently they occur , are also `` proper retribution '' for heinous crimes +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . indicated that McCreadie Party President Richard Ciano should accept the same review if the motion was passed +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . indicated In McCreadie In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . was by a proposed amendment of the party 's constitution a delegate +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . was of a proposed amendment the party 's constitution +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . was to hold an early leadership review of a proposed amendment of the party 's constitution Tim Hudak +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . is Richard Ciano Party President +In a proposed amendment of the party 's constitution by a delegate to hold an early leadership review of Tim Hudak , McCreadie indicated that Party President Richard Ciano should accept the same review if the motion was passed . will be held a leadership review of Tim Hudak review +Four other countries in Europe have approved Proleukin in recent months . have approved Four other countries in Europe Proleukin in recent months +Four other countries in Europe have approved Proleukin in recent months . are in Four other countries Europe +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . included The New York City issue $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . priced to yield tax - exempt bonds between 6.50 % to 7.88 % , depending on the maturity +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . priced to yield The New York City issue included $ 757 million of tax - exempt bonds between 6.50 % to 7.88 % , depending on the maturity +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . depending on tax - exempt bonds priced to yield between 6.50 % to 7.88 % , the maturity +The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , depending on the maturity . depending on The New York City issue included $ 757 million of tax - exempt bonds priced to yield between 6.50 % to 7.88 % , the maturity +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . were to regain repeated attempts the throne +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . were by repeated attempts to regain the throne the deposed House of Stewart Within England +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . were by repeated attempts to regain the throne the deposed House of Stewart especially Within Scotland +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . were leading to repeated attempts to regain the throne severe uprisings Within England +Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings . were leading to repeated attempts to regain the throne severe uprisings especially Within Scotland +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . cuts a portion of the laser the prostate +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . cuts Instead of ablating the laser the tissue +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . is cut into a portion of the prostate smaller pieces then +Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces and flushed with irrigation fluid . is flushed with a portion of the prostate irrigation fluid then +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . was re-elected he Senator U.S. In 1879 +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . was tipped as he a Presidential candidate In 1879 +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . died suddenly he In 1879 +In 1879 , he was re-elected U.S. Senator and was tipped as a Presidential candidate , but died suddenly after giving a speech in Chicago . died after giving he a speech in Chicago In 1879 +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . headed for Boyer Wall Street in 1980 +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . headed for Swanson Wall Street in 1980 +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . established Boyer laboratory credentials +Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 . established Swanson laboratory credentials +They point to other easy-to-learn languages such as Tok Pisin in Papua New Guinea , which have had deleterious effects on minority languages . is an Tok Pisin easy-to-learn languages +They point to other easy-to-learn languages such as Tok Pisin in Papua New Guinea , which have had deleterious effects on minority languages . has had Tok Pisin deleterious effects on minority languages +They point to other easy-to-learn languages such as Tok Pisin in Papua New Guinea , which have had deleterious effects on minority languages . point to They other easy-to-learn languages which have had deleterious effects on minority languages +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . ended up December municipal futures 11\/32 point +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . ended to December municipal futures 92-14 +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . pulled off a low of December municipal futures 91-23 in the morning +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . rebounded cash municipals +December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded . were municipal futures December +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is Italy 's largest bank State - owned BNL +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is BNL State - owned +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is in State - owned BNL Italy +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . has filed charges against State - owned BNL the branch 's former manager , Christopher Drogoul +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . has filed charges against State - owned BNL a former branch vice president +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is Christopher Drogoul the branch 's former manager +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is alleging State - owned BNL fraud +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . is alleging State - owned BNL breach of their fiduciary duties +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . had the branch 's former manager , Christopher Drogoul fiduciary duties +State - owned BNL , Italy 's largest bank , has filed charges against the branch 's former manager , Christopher Drogoul , and a former branch vice president , alleging fraud and breach of their fiduciary duties . had a former branch vice president fiduciary duties +It was club policy to promote talent into the senior team that was adopted by Bill Dimovski . was to promote into the senior team club policy talent +It was club policy to promote talent into the senior team that was adopted by Bill Dimovski . was adopted by the senior team Bill Dimovski +The Treasury bills sold yesterday settle today , rather than the standard settlement day of Thursday . settle The Treasury bills sold yesterday today +The Treasury bills sold yesterday settle today , rather than the standard settlement day of Thursday . were sold Treasury bills yesterday +The Treasury bills sold yesterday settle today , rather than the standard settlement day of Thursday . is Thursday the standard settlement day +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . received She her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . received She her Ph.d degree from the department of Aerospace engineering +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . is at department of Aerospace engineering I.I.T Madras +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . is in I.I.T Madras +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . is in the field of her Master Degree Controls +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . is in the field of her Master Degree Guidance +She received her Master Degree in the field of Controls , Guidance and Instrumentation from I.I.T Madras and Ph.d degree from the department of Aerospace engineering . is in the field of her Master Degree Instrumentation +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were in the shape of all grants of land from the Lords Baltimore leases subject to small and nominal ground rents In colonial times +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were reserved by small and nominal ground rents the Proprietary In colonial times +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were payable small and nominal ground rents annually +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were payable at small and nominal ground rents Michaelmas +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . is Michaelmas the Feast of St. Michael and All Angels +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were subject to leases small and nominal ground rents In colonial times +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were ground rents small In colonial times +In colonial times all grants of land from the Lords Baltimore were in the shape of leases subject to small and nominal ground rents , reserved by the Proprietary , and payable annually at Michaelmas , the Feast of St. Michael and All Angels . were ground rents nominal In colonial times +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . can be applied to The term any vessel +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . is The term turning turtle +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . is turning turtle less frequent on ships than on smaller boats +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . is turning turtle more dangerous on ships than on smaller boats +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . can applied to turning turtle any vessel +The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats . are boats vessel +Since many of the rebbes of the Nadvorna Dynasty married relatives , many of the rebbes in this list are sons-in-law of other rebbes on the list . married many of the rebbes of the Nadvorna Dynasty relatives +Since many of the rebbes of the Nadvorna Dynasty married relatives , many of the rebbes in this list are sons-in-law of other rebbes on the list . are sons-in-law of many of the rebbes in this list other rebbes on the list +Since many of the rebbes of the Nadvorna Dynasty married relatives , many of the rebbes in this list are sons-in-law of other rebbes on the list . has the Nadvorna Dynasty rebbes +Since many of the rebbes of the Nadvorna Dynasty married relatives , many of the rebbes in this list are sons-in-law of other rebbes on the list . are in the rebbes this list +In 1991 he started writing and touring full-time which he still does today . started writing he full-time In 1991 +In 1991 he started writing and touring full-time which he still does today . started touring he full-time In 1991 +In 1991 he started writing and touring full-time which he still does today . still is writing he full-time today +In 1991 he started writing and touring full-time which he still does today . still is touring he full-time today +One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany . is Steve White One of its international specialists +One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany . took a quick interest in Steve White Mr. Stoll 's hunt +One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany . had Mr. Stoll a hunt +One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany . ultimately traced Steve White the hacker to West Germany +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . relies heavily on That method inductive logic , seeking to show that his Christian beliefs fit best with the evidence +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . was seeking to show that He his Christian beliefs fit best with the evidence +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . relying heavily on He was inductive logic to show that his Christian beliefs fit best with the evidence +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . using He was That method method that relies heavily on inductive logic +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . relies heavily on That method inductive logic +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . relies heavily on inductive logic , seeking to show that That method his Christian beliefs fit best with the evidence +That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence . relies heavily on inductive logic , seeking to show that his Christian beliefs fit That method best with the evidence +Often , objects are so far away that they do not contribute significantly to the final image . are objects so far away Often +Often , objects are so far away that they do not contribute significantly to the final image . do not contribute significantly to objects that are so far away the final image Often +In 1958 , he won gold medal at the 6th European Championships in Stockholm . won he gold medal at the 6th European Championships in Stockholm In 1958 +In 1958 , he won gold medal at the 6th European Championships in Stockholm . were in the 6th European Championships Stockholm +The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects . is the S enantiomer medicinally desirable +The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects . produces the R enantiomer harmful health effects +The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects . has this reaction enantioselectivity +The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects . is important because The enantioselectivity of this reaction only the S enantiomer is medicinally desirable +The spirits , of course , could hardly care less whether people do or do n't believe in them . could hardly care less whether The spirits people do believe in them +The spirits , of course , could hardly care less whether people do or do n't believe in them . could hardly care less whether The spirits people do n't believe in them +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . tracks technology stocks with The brokerage firm its Technology Index +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . appreciated its Technology Index only 10.59 % in the first nine months of this year +The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year . has The brokerage firm a Technology Index +Later , it carried `` Monitor , '' the network 's very successful weekend radio service . carried it `` Monitor '' Later +Later , it carried `` Monitor , '' the network 's very successful weekend radio service . is `` Monitor '' the network 's very successful weekend radio service +Later , it carried `` Monitor , '' the network 's very successful weekend radio service . has the network a very successful radio service on the weekend +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . will extend to five years or 60,000 miles For owners who have followed the recommended oil maintenance schedule Mazda the warranty term for engine damage due to abnormal engine oil deterioration +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . is for the warranty term engine damage due to abnormal engine oil deterioration +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . is due to engine damage abnormal engine oil deterioration +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . has Mazda owners +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . has Mazda warranty for engine damage due to abnormal engine oil deterioration +For owners who have followed the recommended oil maintenance schedule , Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration . must follow Mazda owners the recommended oil maintenance schedule +The United States High Commissioner for Germany and his staff occupied the building from 1949 to 1952 . occupied The United States High Commissioner for Germany and his staff the building from 1949 to 1952 +The United States High Commissioner for Germany and his staff occupied the building from 1949 to 1952 . occupied The United States High Commissioner for Germany the building from 1949 to 1952 +The United States High Commissioner for Germany and his staff occupied the building from 1949 to 1952 . occupied The staff of The United States High Commissioner for Germany the building from 1949 to 1952 +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . provides Legislation sponsored by Sweeney and signed into law state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . provides state pensions to Legislation sponsored by Sweeney and signed into law surviving family members of police , firefighters and emergency services workers who die in the line of duty +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . provides state pensions to the Legislation surviving family members of police , firefighters and emergency services workers who die in the line of duty +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . was signed into Legislation sponsored by Sweeney law +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . removes Legislation sponsored by Sweeney and signed into law the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . removes the law the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . provides state pensions to the law surviving family members of police , firefighters and emergency services workers who die in the line of duty +Legislation sponsored by Sweeney and signed into law provides state pensions to surviving family members of police , firefighters and emergency services workers who die in the line of duty , as well as the law that removes the remarriage prohibition to receive death benefits for spouses of police officers and firefighters killed while serving the public good . signed into Legislation law +If the introduced surface had an ionic or polar nature , there would be water molecules standing upright on 1 or 2 of the four sp3 orbitals . there would be If the introduced surface had an ionic nature water molecules standing upright on 1 or 2 of the four sp3 orbitals +If the introduced surface had an ionic or polar nature , there would be water molecules standing upright on 1 or 2 of the four sp3 orbitals . there would be If the introduced surface had a polar nature water molecules standing upright on 1 or 2 of the four sp3 orbitals +If the introduced surface had an ionic or polar nature , there would be water molecules standing upright on 1 or 2 of the four sp3 orbitals . are four sp3 orbitals +They acquired the Charles City Western on December 31 , 1963 . acquired They the Charles City Western on December 31 , 1963 +They acquired the Charles City Western on December 31 , 1963 . was in the Western Charles City +He was born to Afro-Guyanese parents & is of Afro-Guyanese descent . was born to He Afro-Guyanese parents +He was born to Afro-Guyanese parents & is of Afro-Guyanese descent . is of He Afro-Guyanese descent +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . is of Charles O. Givens Mount Vernon , Ind. +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . is in Mount Vernon Ind. +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . is Charles O. Givens an investment broker +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . is Charles O. Givens an ex - accountant +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . is Charles O. Givens son of a former stable owner +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . bred Charles O. Givens Tennessee Walking Horses for six years +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . raised Charles O. Givens cattle for four years +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . made a profit on Charles O. Givens Tennessee Walking Horses never +Charles O. Givens of Mount Vernon , Ind. - investment broker , ex - accountant , and son of a former stable owner - bred Tennessee Walking Horses for six years , raised cattle for four , and never made a profit on either . made a profit on Charles O. Givens cattle never +Unsure of who he is , Zero helps the band of Reploids , who in turn marvel at his skills . helps Zero the band of Reploids +Unsure of who he is , Zero helps the band of Reploids , who in turn marvel at his skills . is Unsure of Zero who he is +Unsure of who he is , Zero helps the band of Reploids , who in turn marvel at his skills . marvel at the band of Reploids his skills +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . also pulled off The researchers a second genetic engineering trick +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . was the second a genetic engineering trick +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . was in order to get a second genetic engineering trick male - sterile plants in large enough numbers to produce a commercial hybrid seed crop +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . were to produce male - sterile plants in large enough numbers a commercial hybrid seed crop +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be commercial a seed crop +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be hybrid a seed crop +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . is of genetic engineering a second trick +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be male plants +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be sterile plants +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be male - sterile plants +The researchers also pulled off a second genetic engineering trick in order to get male - sterile plants in large enough numbers to produce a commercial hybrid seed crop . will be large enough to produce numbers a commercial hybrid seed crop +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . is defined as The power cepstrum of a signal the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . has a signal a power cepstrum +The power cepstrum of a signal is defined as the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal . is The power cepstrum the squared magnitude of the inverse Fourier transform of the logarithm of the squared magnitude of the Fourier transform of a signal +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . made He several practical inventions +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . was the most notable of several practical inventions an `` index visible filing system '' +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . made He an `` index visible filing system '' +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . patented He an `` index visible filing system '' in 1913 +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . sold He an `` index visible filing system '' in 1925 +He made several practical inventions , the most notable of which was an `` index visible filing system '' which he patented in 1913 and sold to Kardex Rand in 1925 . sold an `` index visible filing system '' to he Kardex Rand in 1925 +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . had been shown to be overstretched by The British Army the Crimean War +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . was the mutiny in India +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . had led to the responsibility for providing the mutiny in India a garrison in the subcontinent +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . was the subcontinent in India +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . will be from responsibility for providing a garrison the Honourable East India Company in the subcontinent +The British Army had been shown to be overstretched by the Crimean War , while the mutiny in India had led to the responsibility for providing a garrison in the subcontinent from the Honourable East India Company to the Crown forces . will be to responsibility for providing a garrison the Crown forces in the subcontinent +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . are networks of community empowerment networks a collection of local community organisations and groups In the United Kingdom +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . are set up by community empowerment networks the central government In the United Kingdom +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . are set up as part of community empowerment networks an initiative to foster community involvement in regeneration at a local level In the United Kingdom +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . are networks of community empowerment networks a collection of local voluntary organisations and groups In the United Kingdom +In the United Kingdom , community empowerment networks are networks of a collection of local community , voluntary and third sector organisations and groups , set up by the central government as part of an initiative to foster community involvement in regeneration at a local level . are networks of community empowerment networks a collection of local third sector organisations and groups In the United Kingdom +This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit . says Mr. Wathen the firm will be able to service debt This year +This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit . says Mr. Wathen the firm will still turn a modest profit This year +This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit . will be able to service the firm debt This year +This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit . will still turn the firm a modest profit This year +Accomplishing both will be a balancing act as challenging as riding a unicycle . is riding a unicycle challenging +Accomplishing both will be a balancing act as challenging as riding a unicycle . is riding a unicycle a balancing act +Accomplishing both will be a balancing act as challenging as riding a unicycle . will be Accomplishing both a balancing act +Accomplishing both will be a balancing act as challenging as riding a unicycle . will be as challenging as Accomplishing both riding a unicycle +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . is Mark a Drive Time presenter +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . is Marisa a Drive Time presenter +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . made live Mark and Marisa the announcement on air at 5.20 pm GMT +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . were closed the staff 's personal emails shortly thereafter 10pm GMT +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . was closed the stations website shortly thereafter 10pm GMT +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . have the staff personal emails +Mark and Marisa , the Drive Time presenters , made the announcement live on air at 5.20 pm GMT and both the staff 's personal emails and the stations website was closed shortly thereafter 10pm GMT . has the station a website +Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December . were only informed of Staff the decision to cease broadcasting 24 hours earlier +Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December . were only informed of Staff the decision to cease broadcasting at 5pm +Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December . were only informed of Staff the decision to cease broadcasting on the evening of 23 December +Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December . was to cease broadcasting the decision +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . released Davis about 25 singles during his seven years with Dakar +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . produced Willie Henderson Davis big R&B sellers +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . were produced most of Davis big R&B sellers by Willie Henderson during his seven years with Dakar +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . were produced most of Davis 25 singles by Willie Henderson during his seven years with Dakar +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . were most of Davis 25 singles big R&B sellers during his seven years with Dakar +Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson . produced Willie Henderson big R&B singles +The waist line was put higher and the skirts became longer . was put The waist line higher +The waist line was put higher and the skirts became longer . became the skirts longer +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . includes the protocol support groups +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . includes the protocol psychotherapy +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . the protocol also includes For patients who do not recover quickly support groups +For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy . the protocol also includes For patients who do not recover quickly psychotherapy +The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment . does not end up being sexually assaulted The narrator +The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment . instead has grabbed The narrator her suitcase +The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment . instead has fled The narrator the compartment +The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment . is she The narrator +Profit after tax and minority interest but before extraordinary items rose 12 % to # 135.2 million ; per - share earnings rose to five pence from 4.5 pence . rose Profit after tax and minority interest but before extraordinary items 12 % +Profit after tax and minority interest but before extraordinary items rose 12 % to # 135.2 million ; per - share earnings rose to five pence from 4.5 pence . rose to Profit after tax and minority interest but before extraordinary items # 135.2 million +Profit after tax and minority interest but before extraordinary items rose 12 % to # 135.2 million ; per - share earnings rose to five pence from 4.5 pence . rose to per - share earnings five pence +Profit after tax and minority interest but before extraordinary items rose 12 % to # 135.2 million ; per - share earnings rose to five pence from 4.5 pence . rose from per - share earnings 4.5 pence +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . soon became Thomas a regular in the Arsenal side +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . made Thomas his league debut in Hillsborough on 14 February 1987 +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . was in a 1-1 draw with his league debut Sheffield at Hillsborough Wednesday +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . was in a 1-1 draw with his league debut Sheffield at Hillsborough on 14 February 1987 +Thomas soon became a regular in the Arsenal side , making his league debut on 14 February 1987 in a 1-1 draw with Sheffield Wednesday at Hillsborough . made Thomas his league debut at Hillsborough Wednesday +He adds that gold stocks had been down so long they were `` ready for a bounce . '' adds He that gold stocks had been down so long they were `` ready for a bounce . '' +He adds that gold stocks had been down so long they were `` ready for a bounce . '' down gold stocks had been so long they were `` ready for a bounce . '' +In 1982 Caro was trying to organise an exhibition of British abstract art in South African townships when he met Robert Loder . was trying to organise Caro an exhibition of British abstract art in South African townships In 1982 +In 1982 Caro was trying to organise an exhibition of British abstract art in South African townships when he met Robert Loder . met Caro Robert Loder In 1982 +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . is The brightest star in Serpens , Alpha Serpentis , or Unukalhai , a red giant of spectral type K2III +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . is Alpha Serpentis Unukalhai +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . is Alpha Serpentis the brightest star in Serpens +The brightest star in Serpens , Alpha Serpentis , or Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart . marks Alpha Serpentis the snake 's heart of Serpens +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . however delayed declaring Charles war +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . was leading Shaftesbury to support Charles' delay declaring war a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . supported Shaftesbury a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . was raising Charles an army +Charles delayed declaring war , however , leading Shaftesbury to support a resolution of the House of Commons providing for immediately disbanding the army that Charles was raising . will be providing for a resolution of the House of Commons disbanding the army that Charles was raising immediately +After the Battle of Culloden in 1746 , these rebellions were crushed . were crushed these rebellions After the Battle of Culloden in 1746 +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Two - and three-year programs in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Games and Animation Two - and three-year programs +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Industrial Design Two - and three-year programs +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Performing Arts Two - and three-year programs +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Information Communications Two - and three-year programs +Two - and three-year programs are offered in various fields , through the divisions of Games and Animation , Industrial Design , Performing Arts , Information Communications , and Human Care . are offered Human Care Two - and three-year programs +It is best served with laksa and homemade tauhu . is best served with It laksa +It is best served with laksa and homemade tauhu . is best served with It homemade tauhu +The RIAA lists it as one of the Best Selling Albums of All Time . lists it The RIAA as one of the Best Selling Albums of All Time +The RIAA lists it as one of the Best Selling Albums of All Time . is it an Album +The RIAA lists it as one of the Best Selling Albums of All Time . is it one of the Best Selling Albums of All Time +Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check . is Alan one of the crew +Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check . begins to Alan behave strangely +Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check . suggests Pete taking a blood sample to check +Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check . is Pete one of the crew +The far left had some good issues even if it did not have good programs for dealing with them . had The far left some good issues +The far left had some good issues even if it did not have good programs for dealing with them . did not have The far left good programs for dealing with issues +In 1914 , the BSA gave local councils the power to segregate African Americans from white Scouts . gave the power to segregate African Americans from white Scouts to the BSA local councils In 1914 +In 1914 , the BSA gave local councils the power to segregate African Americans from white Scouts . gave the BSA the power to segregate African Americans from white Scouts to local councils In 1914 +They can be relieved only by changing that system , not by pouring Western money into it . can be relieved only by They changing that system +They can be relieved only by changing that system , not by pouring Western money into it . can be relieved not by pouring They Western money into that system +They can be relieved only by changing that system , not by pouring Western money into it . is of money the West +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . was `` Kormoran '' an Axis ship +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . conducted attacks `` Kormoran '' in Australian waters during 1941 +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . was `` Kormoran '' an Axis surface raider +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . entered `` Kormoran '' Australian waters +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . was the last Axis surface raider to enter `` Kormoran '' Australian waters until 1943 +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . was the only Axis ship to conduct attacks `` Kormoran '' in Australian waters during 1941 +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . conducted attacks an Axis ship in Australian waters during 1941 +`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 and the last Axis surface raider to enter Australian waters until 1943 . entered an Axis surface raider Australian waters +The brew , called Miller Sharp 's , will be supported by ads developed by Frankenberry , Laughlin & Constable , Milwaukee . is called The brew Miller Sharp 's +The brew , called Miller Sharp 's , will be supported by ads developed by Frankenberry , Laughlin & Constable , Milwaukee . will be supported by The brew ads developed by Frankenberry , Laughlin & Constable +The brew , called Miller Sharp 's , will be supported by ads developed by Frankenberry , Laughlin & Constable , Milwaukee . is in Frankenberry , Laughlin & Constable Milwaukee +11 million copies of the flyer were distributed to the public via an 85-newspaper distribution chain . were distributed the flyer to the public +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . will hold President Bush and Soviet leader Mikhail Gorbachev an informal meeting in early December +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . is leader of Mikhail Gorbachev Soviet +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . is an informal meeting of President Bush and Soviet leader Mikhail Gorbachev a move that should give both leaders a political boost at home +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . should be given President Bush a political boost at home +President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December , a move that should give both leaders a political boost at home . should be given Soviet leader Mikhail Gorbachev a political boost at home +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . were ensuing mass executions in Vietnam +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . were ensuing mass executions in Cambodia +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . is amazing that the ensuing mass executions in Vietnam do not weight more heavily on minds so morally fine - tuned +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . do not weight more heavily on ensuing mass executions in Vietnam minds so morally fine - tuned +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . do not weight more heavily on ensuing mass executions in Cambodia minds so morally fine - tuned +It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned . is amazing that the ensuing mass executions in Cambodia do not weight more heavily on minds so morally fine - tuned +The very ease of acquiring Esperanto might even accelerate the process . of acquiring Esperanto The very ease might even accelerate the process +The very ease of acquiring Esperanto might even accelerate the process . might accelerate the process of acquiring Esperanto +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . lost less than a third of the composite index its year - to - date gains in the market recently +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . more than halved the technology group its year - to - date gains in the market recently +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . had the technology group gains year - to - date +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . had the composite index gains year - to - date +While the composite index lost less than a third of its year - to - date gains in the market 's recent decline , the technology group 's gains were more than halved . had a decline the market recently +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . also performs The RSNO throughout Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO the Glasgow Royal Concert Hall +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO Usher Hall +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO Caird Hall +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO Aberdeen Music Hall +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO Perth Concert Hall +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . performs at such venues as The RSNO Eden Court Inverness +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in the Glasgow Royal Concert Hall Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in Usher Hall Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in Caird Hall Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in Aberdeen Music Hall Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in Perth Concert Hall Scotland +The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall , Usher Hall , Caird Hall , Aberdeen Music Hall , Perth Concert Hall and Eden Court Inverness . is in Eden Court Inverness Scotland +BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval . has taken on BNL's Georgia branch loan commitments topping $ 3 billion +BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval . previously reported BNL's Georgia branch loan commitments topping $ 3 billion +BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval . did not approve the Rome - based management BNL's Georgia branch loan commitments +BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval . previously reported that its BNL Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . is served by The city two long distance bus stations +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . is served by The city Jiaxing North bus station +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . is served by The city the new Jiaxing Transportation Center +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . is Jiaxing North Bus Station a long-distance bus station +The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center . is the new Jiaxing Transportation Center a long-distance bus station +Its bus operations were merged with another city-owned company , Suomen Turistiauto , to form a new bus company called Helsingin Bussiliikenne . were merged with Its bus operations another city-owned company , Suomen Turistiauto , to form a new bus company called Helsingin Bussiliikenne +Its bus operations were merged with another city-owned company , Suomen Turistiauto , to form a new bus company called Helsingin Bussiliikenne . was merged with Suomen Turistiauto another city-owned company to form a new bus company called Helsingin Bussiliikenne +The ninth leaf contains a circular world map measuring in circumference . contains The ninth leaf a circular world map +The ninth leaf contains a circular world map measuring in circumference . is measuring in circumference a circular world map +The ninth leaf contains a circular world map measuring in circumference . is a world map circular +The ninth leaf contains a circular world map measuring in circumference . is The leaf ninth +Japan 's FTC says it is investigating Apple for allegedly discouraging retailers from discounting . is in FTC Japan +Japan 's FTC says it is investigating Apple for allegedly discouraging retailers from discounting . says Japan 's FTC it is investigating Apple for allegedly discouraging retailers from discounting +Japan 's FTC says it is investigating Apple for allegedly discouraging retailers from discounting . was allegedly discouraging from discounting Apple retailers +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is iconic not only for New York City Americans +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is also iconic for New York City many Europeans +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is iconic as New York City the city of melting pot +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . live in many ethnic groups the city of melting pot +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . live in many ethnic groups New York City +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . live often in many ethnic groups specific neighborhoods +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . are such as specific neighborhoods Chinatown +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . are such as specific neighborhoods Little Italy +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is in Chinatown New York City +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is in Little Italy New York City +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . are in specific neighborhoods New York City +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is in Chinatown the city of melting pot +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . is in Little Italy the city of melting pot +New York City is iconic not only for Americans , but also for many Europeans as the city of melting pot where many ethnic groups live , often in specific neighborhoods , such as Chinatown , Little Italy . are in specific neighborhoods the city of melting pot +Accepted bids ranged from 8 % to 8.019 % . ranged from Accepted bids 8 % +Accepted bids ranged from 8 % to 8.019 % . ranged to Accepted bids 8.019 % +The University of Florida however , refused to recognize BYX . refused to recognize The University of Florida BYX +Ely Cathedral was never vaulted and retains a wooden ceiling over the nave . was never Ely Cathedral vaulted +Ely Cathedral was never vaulted and retains a wooden ceiling over the nave . retains Ely Cathedral a wooden ceiling over the nave +Ely Cathedral was never vaulted and retains a wooden ceiling over the nave . has Ely Cathedral a nave +His body was laid to rest at St. Gwynno Church in the Llanwynno forestry . was laid to rest at His body St. Gwynno Church in the Llanwynno forestry +His body was laid to rest at St. Gwynno Church in the Llanwynno forestry . is in St. Gwynno Church the Llanwynno forestry +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . was reunited with Alvarez his family in New York Five years later +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . was able his father to start a business in Hoboken , New Jersey +Five years later , Alvarez was reunited with his family in New York and his father was able to start a business in Hoboken , New Jersey . was able to start his father a business in Hoboken , New Jersey +In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions do n't have to . packaging of In addition , further mortgage - backed securities , such as Blackstone 's fund , have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions do n't have to +In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions do n't have to . have reduced the effects of In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , prepayment risk and automatically reinvest monthly payments so institutions do n't have to +In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions do n't have to . have reduced the effects of prepayment risk and automatically reinvest In addition , further packaging of mortgage - backed securities , such as Blackstone 's fund , monthly payments so institutions do n't have to +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are in Japanese companies a wide range of industries +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are in companies in a wide range of industries Japan +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are in Japanese companies heavy industry +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are Japanese companies securities firms +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . is from a wide range of industries heavy industry +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . is to a wide range of industries securities firms +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are increasing Japanese companies their market share world - wide +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . may rattle the prospect of an even more efficient Japanese economic army foreigners +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . will be in an even more efficient economic army Japan +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are increasing Japanese companies in heavy industry their market share world - wide +With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world - wide , the prospect of an even more efficient Japanese economic army may rattle foreigners . are increasing Japanese companies that are securities firms their market share world - wide +This church is of medieval origin , the building has undergone a radical transformation in 1885 . has undergone This church a radical transformation in 1885 +This church is of medieval origin , the building has undergone a radical transformation in 1885 . is of This church medieval origin +This church is of medieval origin , the building has undergone a radical transformation in 1885 . is a This church building +El Camino High School offers the recommended A-G courses based upon the University of California that illustrates the minimum level of academic preparation students ought to achieve in high school to undertake university level work . offers El Camino High School the recommended A-G courses +El Camino High School offers the recommended A-G courses based upon the University of California that illustrates the minimum level of academic preparation students ought to achieve in high school to undertake university level work . are based upon the recommended A-G courses the University of California +El Camino High School offers the recommended A-G courses based upon the University of California that illustrates the minimum level of academic preparation students ought to achieve in high school to undertake university level work . illustrate the recommended A-G courses the minimum level of academic preparation students ought to achieve in high school to undertake university level work +The announcement effectively removes the British government as an impediment to a takeover of the company , which is being stalked by General Motors and Ford . is being stalked by the company General Motors +The announcement effectively removes the British government as an impediment to a takeover of the company , which is being stalked by General Motors and Ford . is being stalked by the company Ford +The announcement effectively removes the British government as an impediment to a takeover of the company , which is being stalked by General Motors and Ford . was an impediment to the British government a takeover of the company +The announcement effectively removes the British government as an impediment to a takeover of the company , which is being stalked by General Motors and Ford . effectively removes as an impediment to a takeover of the company The announcement the British government +It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon . was regained by It Syria on October 6 , 1973 +It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon . was the first day of the Yom Kippur War October 6 , 1973 +It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon . was following the Yom Kippur War the First Battle of Mount Hermon +It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon . was regained by It Syria following the First Battle of Mount Hermon +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . made Trek only traditional road bikes previously +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . says Trek 's president , Dick Burke `` it did n't take a rocket scientist to change a road bike into a mountain bike '' +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . is Trek 's president Dick Burke +Trek previously made only traditional road bikes , but `` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke . has Trek president +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . was the Japanese pilot 's funeral Callaghan 's decision in 1945 +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . had a the Japanese pilot funeral in 1945 +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . would receive praise Callaghan 's decision on the Japanese pilot 's funeral years later +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . attracted controversy a memorial service aboard the `` Missouri '' in April 2001 +Callaghan 's decision on the Japanese pilot 's funeral in 1945 would receive praise years later , although a memorial service aboard the `` Missouri '' in April 2001 attracted controversy . had a the Japanese pilot memorial service aboard the `` Missouri '' in April 2001 +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture literature of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture religion of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture customs of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture national dress code of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture the monastic practices of the monasteries of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture music of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture dance of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in the capital city in respect of The culture the media of Bhutan +The culture of Bhutan is fully reflected in the capital city in respect of literature , religion , customs , and national dress code , the monastic practices of the monasteries , music , dance , literature and in the media . is fully reflected in The culture of Bhutan the capital city +He could acquire a staff of loyal Pinkerton 's employees , many of whom had spent their entire careers with the firm , he could eliminate a competitor and he could get the name recognition he 'd wanted . could acquire He a staff of loyal Pinkerton 's employees many of whom had spent their entire careers with the firm +He could acquire a staff of loyal Pinkerton 's employees , many of whom had spent their entire careers with the firm , he could eliminate a competitor and he could get the name recognition he 'd wanted . had spent many of loyal Pinkerton 's employees their entire careers with the firm +He could acquire a staff of loyal Pinkerton 's employees , many of whom had spent their entire careers with the firm , he could eliminate a competitor and he could get the name recognition he 'd wanted . could eliminate he a competitor +He could acquire a staff of loyal Pinkerton 's employees , many of whom had spent their entire careers with the firm , he could eliminate a competitor and he could get the name recognition he 'd wanted . get he could the name recognition he 'd wanted +In 1845 , he was chosen Chief Justice of the Court of Queen 's Bench . was chosen he Chief Justice of the Court of Queen 's Bench In 1845 +It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only . is offered by It the flagship banks of New York 's Manufacturers Hanover Corp. +It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only . is offered in It the one - year maturity only +It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only . are of the flagship banks New York 's Manufacturers Hanover Corp. +It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only . is in Manufacturers Hanover Corp. New York +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . proposed a cut to Officials 70.9 billion rubles in the defense budget this year +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . is 70.9 billion rubles US$ 114.3 billion +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . proposed a cut from Officials 77.3 billion rubles in the defense budget this year +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . is 77.3 billion rubles US$ 125 billion +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . proposed as well large cuts in Officials outlays for new factories this year +Officials proposed a cut in the defense budget this year to 70.9 billion rubles ( US$ 114.3 billion ) from 77.3 billion rubles ( US$ 125 billion ) as well as large cuts in outlays for new factories and equipment . proposed as well large cuts in Officials outlays for equipment this year +After the British capture of Madrid , Hill had responsibility for an army of 30,000 men . had Hill responsibility for an army of 30,000 men After the British capture of Madrid +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . are in the couple Monroe , Conn. +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . is in Monroe Conn. +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . are the Monroe , Conn. couple perfect demons When it comes to busting ghosts +When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons . bust the Monroe , Conn. , couple ghosts +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . was Attack Squadron 725 One of the better units based at NAS in Glenview in the post-WWII period +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . was part of Attack Squadron 725 NARTU in Glenview until 1970 +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . was redesignated as Attack Squadron 725 Attack Squadron 209 in 1970 +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . became part of Attack Squadron 725 Carrier Air Wing Reserve TWENTY from 1970 onward +One of the better units based at NAS Glenview in the post-WWII period was Attack Squadron 725 , part of NARTU Glenview until 1970 , when it was redesignated as Attack Squadron 209 and became part of Carrier Air Wing Reserve TWENTY from 1970 onward . was based at Attack Squadron 725 NAS Glenview in the post-WWII period +Until its 2007 acquisition by Tavistock Group , Freebirds World Burrito had its corporate headquarters in College Station . had an acquisition by Freebirds World Burrito Tavistock Group in 2007 +Until its 2007 acquisition by Tavistock Group , Freebirds World Burrito had its corporate headquarters in College Station . had Freebirds World Burrito corporate headquarters in College Station Until 2007 +Passengers for or should change at Twyford during off peak . should change at Passengers Twyford during off peak +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was converted into the very different STA a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' Later +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was converted into the STA a flightworthy orbiter +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was converted and re-designated the STA OV-099 +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was converted and christened the STA `` Challenger '' +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was the flightworthy STA re-designated the OV-099 and christened `` Challenger '' +Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' . was christened the flightworthy and re-designated STA `` Challenger '' +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font many largely recognized shapes +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font many largely recognized gestures +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains as well This font some recognized world symbols +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . are such as recognized world symbols the Star of David +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . are such as recognized world symbols the symbols of the zodiac +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . are such as recognized world symbols index signs +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . are such as recognized world symbols manicle signs +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . are such as recognized world symbols obscure ampersands +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font the Star of David +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font the symbols of the zodiac +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font index signs +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font manicle signs +This font contains many largely recognized shapes and gestures as well as some recognized world symbols , such as the Star of David , the symbols of the zodiac , index or manicle signs and obscure ampersands . contains This font obscure ampersands +FEDERAL HOME LOAN MORTGAGE CORP. ( Freddie Mac ) : Posted yields on 30 - year mortgage commitments for delivery within 30 days . is FEDERAL HOME LOAN MORTGAGE CORP. Freddie Mac +FEDERAL HOME LOAN MORTGAGE CORP. ( Freddie Mac ) : Posted yields on 30 - year mortgage commitments for delivery within 30 days . Posted yields on FEDERAL HOME LOAN MORTGAGE CORP. 30 - year mortgage commitments for delivery within 30 days +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . has been able to improve By acquiring stakes in bottling companies in the U.S. and overseas Coke bottlers ' efficiency +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . has been able to improve By acquiring stakes in bottling companies in the U.S. and overseas Coke bottlers ' production +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . has been able to improve in some cases By acquiring stakes in bottling companies in the U.S. and overseas Coke bottlers ' marketing +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . was acquiring stakes in Coke bottling companies in the U.S. +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . are bottling companies in the U.S. +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . are bottling companies overseas +By acquiring stakes in bottling companies in the U.S. and overseas , Coke has been able to improve bottlers ' efficiency and production , and in some cases , marketing . was acquiring stakes in Coke bottling companies overseas +Passenger services on the line were terminated on 31 December 1954 . were terminated on Passenger services the line on 31 December 1954 +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . says that Sikorsky factors outside their control caused problems with the Comanche +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . says that Sikorsky team dysfunctionality did not cause problems with the Comanche +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . says that Boeing factors outside their control caused problems with the Comanche +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . says that Boeing team dysfunctionality did not cause problems with the Comanche +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . are like factors outside their control budget cuts +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . are like factors outside their control `` requirement creep '' +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . are like factors outside their control a long development period +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . were with problems the Comanche +Sikorsky and Boeing say that factors outside their control , like budget cuts , `` requirement creep , '' and a long development period caused problems with the Comanche and not team dysfunctionality . was the Comanche development period long +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . is `` Billboard '' a magazine +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . ranked the album `` Billboard '' magazine thirty-second in the decade-end recap of the most successful albums of the 2000s +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . was placing the album `` Billboard '' magazine twelfth in the R&B field +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . was of the album the 2000s +`` Billboard '' magazine ranked the album thirty-second in the decade-end recap of the most successful albums of the 2000s , while placing it twelfth in the R&B field . was `` Billboard '' magazine recap decade-end +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . ran daily on `` Video Concert Hall '' USA Network from 1978 to 1981 +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . ran daily on `` Video Concert Hall '' USA Network on a seemingly arbitrary schedule from 1978 to 1981 +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . is appearing on `` Video Concert Hall '' early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . ran daily on USA Network `` Video Concert Hall '' for durations ranging from one to four hours +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . ran daily on USA Network from 1978 to 1981 on `` Video Concert Hall '' a seemingly arbitrary schedule +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . is appearing on early morning , daytime, late night , and early evening timeslots alike for `` Video Concert Hall '' durations ranging from one to four hours +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule `` Video Concert Hall '' appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours +`` Video Concert Hall '' ran daily on USA Network from 1978 to 1981 on a seemingly arbitrary schedule , appearing on early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours . is appearing on `` Video Concert Hall '' early morning , daytime , late night , and early evening timeslots alike for durations ranging from one to four hours +The district also provides recreation and leisure services to many non-residents of the area on a fee basis . also provides to many non-residents of the area on a fee basis The district recreation services +The district also provides recreation and leisure services to many non-residents of the area on a fee basis . also provides to many non-residents of the area on a fee basis The district leisure services +Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis . agreed to pay Chugai $ 6.25 a share +Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis . agreed to pay for Chugai Gen - Probe 's 17.6 million common shares outstanding +Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis . agreed to pay on Chugai a fully diluted basis +Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis . had Gen - Probe 17.6 million common shares outstanding +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . hosts The lodge fellowship events +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . hosts The lodge conclaves +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . hosts The lodge training events +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . hosts The lodge an annual family banquet +The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events . supports The lodge the council activities at Council-run events +In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York . is working In `` The Scarpetta Factor '' she full-time in New York +In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York . is working In `` The Scarpetta Factor '' Wesley part-time in New York +In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York . is In she `` The Scarpetta Factor '' +In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York . is In Wesley `` The Scarpetta Factor '' +Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium . won the Brumbies 47 to 38 at Canberra Stadium this time +Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium . won in front of the Brumbies a record crowd at Canberra Stadium this time +Because the Japanese `` alphabet '' is so huge , Japan has no history of typewriter use , and so `` keyboard allergy , '' especially among older workers , remains a common affliction . has no history of typewriter use Because Japan the Japanese alphabet is so huge +Because the Japanese `` alphabet '' is so huge , Japan has no history of typewriter use , and so `` keyboard allergy , '' especially among older workers , remains a common affliction . remains a common affliction especially among keyboard allergy older workers +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . appeared in Dangaioh 's characters Banpresto 's `` Super Robot Wars '' games +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . appeared in Dangaioh 's mecha Banpresto 's `` Super Robot Wars '' games +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . appeared in Dangaioh 's storyline elements Banpresto 's `` Super Robot Wars '' games +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . are `` Super Robot Wars '' games +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . has Banpresto `` Super Robot Wars '' games +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . has Dangaioh characters +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . has Dangaioh mecha +Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games . has Dangaioh storyline elements +Aside from as much as $ 3.45 billion in recently approved federal aid , the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $ 700 million . is expected to the state draw from a gubernatorial emergency fund +Aside from as much as $ 3.45 billion in recently approved federal aid , the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $ 700 million . currently stands at the gubernatorial emergency fund an estimated $ 700 million +Aside from as much as $ 3.45 billion in recently approved federal aid , the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $ 700 million . has as much as the state $ 3.45 billion in recently approved federal aid +Aside from as much as $ 3.45 billion in recently approved federal aid , the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $ 700 million . is expected to draw from Aside from as much as $ 3.45 billion in recently approved federal aid , the state a gubernatorial emergency fund that currently stands at an estimated $ 700 million +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . were 275 Roman Catholic +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . were 26.1 % Roman Catholic +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . is 275 26.1 % +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . belonged to 624 the Swiss Reformed Church +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . belonged to 59.3 % the Swiss Reformed Church +From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church . is 624 59.3 % +Porter wrote in 1980 that strategy target either cost leadership , differentiation , or focus . wrote that strategy target either Porter cost leadership in 1980 +Porter wrote in 1980 that strategy target either cost leadership , differentiation , or focus . wrote that strategy target either Porter differentiation in 1980 +Porter wrote in 1980 that strategy target either cost leadership , differentiation , or focus . wrote that strategy target either Porter focus in 1980 +The supply of experienced civil engineers , though , is tighter . is tighter The supply +The supply of experienced civil engineers , though , is tighter . experienced civil engineers The supply is of +The supply of experienced civil engineers , though , is tighter . are experienced civil engineers +He will concentrate on , among others , J.P. Morgan and Hyundai . will concentrate on , among others He J.P. Morgan +He will concentrate on , among others , J.P. Morgan and Hyundai . will concentrate on , among others He Hyundai +He will concentrate on , among others , J.P. Morgan and Hyundai . will concentrate on He others +Machines dedicated solely to word processing , which have all but disappeared in the U.S. , are still more common in Japan than PCs . are Machines dedicated solely to word processing , which have all but disappeared in the U.S. , still more common than PCs in Japan +Machines dedicated solely to word processing , which have all but disappeared in the U.S. , are still more common in Japan than PCs . are still more common Machines than PCs in Japan +A better alternative in order to find the best possible results would be to use the Smith-Waterman algorithm . would be to use A better alternative the Smith-Waterman algorithm +On 19 October 2010 , Tuqiri was officially named in the Australian squad for the Four Nations as a replacement for the injured Jarryd Hayne . was officially named as Tuqiri a replacement for the injured Jarryd Hayne in the Australian squad for the Four Nations On 19 October 2010 +On 19 October 2010 , Tuqiri was officially named in the Australian squad for the Four Nations as a replacement for the injured Jarryd Hayne . was injured Jarryd Hayne +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . have been hammered on New York bonds the pending supply in recent weeks +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . have been hammered on New York bonds reports that the city 's economy is growing weaker in recent weeks +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . rose New York bonds 1\/2 point yesterday +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . are of bonds New York +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . are that reports the city 's economy is growing weaker +New York bonds , which have been hammered in recent weeks on the pending supply and reports that the city 's economy is growing weaker , rose 1\/2 point yesterday . is the city New York +It 's recommended to have only two males and a dozen or so females . is recommended to have It only two males +It 's recommended to have only two males and a dozen or so females . is recommended to have It a dozen or so females +According to available information , the Maoists of Nepal have well-established linkages with Indian revolutionary communist organizations , primarily with the Communist Party of India , currently leading a protracted `` people 's war '' throughout the subcontinent . According to available information have well-established linkages with the Maoists of Nepal Indian revolutionary communist organizations +According to available information , the Maoists of Nepal have well-established linkages with Indian revolutionary communist organizations , primarily with the Communist Party of India , currently leading a protracted `` people 's war '' throughout the subcontinent . According to available information have well-established linkages primarily with the Maoists of Nepal the Communist Party of India +According to available information , the Maoists of Nepal have well-established linkages with Indian revolutionary communist organizations , primarily with the Communist Party of India , currently leading a protracted `` people 's war '' throughout the subcontinent . According to available information are leading the Maoists of Nepal a protracted `` people 's war '' throughout the subcontinent currently +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . the enhancement of skills and competitive strength of Its objective is faculty , staff and M.Phil and PhD students at their campuses +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . to organize in-service Its objective is Continuous Capacity Building and professional development training sessions at their campuses +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . to organize Its objective is workshops and local and international conferences at their campuses +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . for enhancement of skills and competitive strength of Continuous Capacity Building and professional development training sessions faculty , staff and M.Phil and PhD students at their campuses +Its objective is to organize in-service Continuous Capacity Building and professional development training sessions , workshops and local and international conferences for enhancement of skills and competitive strength of faculty , staff and M.Phil and PhD students at their campuses . for enhancement of skills and competitive strength of workshops and local and international conferences faculty , staff and M.Phil and PhD students at their campuses +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . offers Peter Bywaters personal English as a second language at his home in Brighton When the band is not touring +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . offers Peter Bywaters tuition on a live-in basis at his home in Brighton When the band is not touring +When the band is not touring , Peter Bywaters offers personal English as a second language tuition on a live-in basis at his home in Brighton . has his home Peter Bywaters in Brighton +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 the U.S. +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 Japan +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 Britain +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 West Germany +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 Canada +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 France +G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy . consists of G-7 Italy +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' just want We a plan that satisfies creditors +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' just want We a plan that leaves a healthy Revco +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' will satisfy a plan creditors +We just want a plan that satisfies creditors and at the end leaves a healthy Revco . '' will leave a plan a healthy Revco at the end +The company has $ 1 billion in debt filed with the Securities and Exchange Commission . has The company $ 1 billion in debt +The company has $ 1 billion in debt filed with the Securities and Exchange Commission . is filed with $ 1 billion in company debt the Securities and Exchange Commission +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . suffered the company a public relations embarrassment In November 1998 +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . featured the company's sales flyer a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words In November 1998 +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . had a the company sales flyer +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . were playing two grinning boys the board game `` Scrabble '' +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . were grinning two boys +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . was spelled out in the word `` RAPE '' the center of the `` Scrabble '' board +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . is `` Scrabble '' a board game +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . was buried amongst the word `` RAPE '' nonsense words in the center of the `` Scrabble '' board +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . is `` RAPE '' a word +In November 1998 , the company suffered a public relations embarrassment when its sales flyer featured a prominent photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board , buried amongst nonsense words . was prominent a photograph of two grinning boys playing the board game `` Scrabble '' with the word `` RAPE '' spelled out in the center of the board on the company's sales flyer +Mr. Baker heads the Kentucky Association of Science Educators and Skeptics . heads Mr. Baker the Kentucky Association of Science and Skeptics +Centuries later , in 1806 , during the Napoleonic era , was built the Canal de l'Ourcq , destined to the inland navigation when the Marne river is not navigable because of temporary sandbanks . was built the Canal de l'Ourcq during the Napoleonic era +Centuries later , in 1806 , during the Napoleonic era , was built the Canal de l'Ourcq , destined to the inland navigation when the Marne river is not navigable because of temporary sandbanks . was built the Canal de l'Ourcq Centuries later +Centuries later , in 1806 , during the Napoleonic era , was built the Canal de l'Ourcq , destined to the inland navigation when the Marne river is not navigable because of temporary sandbanks . was built the Canal de l'Ourcq in 1806 +Centuries later , in 1806 , during the Napoleonic era , was built the Canal de l'Ourcq , destined to the inland navigation when the Marne river is not navigable because of temporary sandbanks . is destined to the inland navigation the Canal de l'Ourcq when the Marne river is not navigable because of temporary sandbanks +The RTC will have to sell or merge hundreds of insolvent thrifts over the next three years . will have to sell or merge The RTC hundreds of insolvent thrifts over the next three years +The RTC will have to sell or merge hundreds of insolvent thrifts over the next three years . are hundreds of thrifts insolvent +Mortgage securities ended 2\/32 to 4\/32 higher in light trading . ended in light trading from Mortgage securities 2\/32 higher +Mortgage securities ended 2\/32 to 4\/32 higher in light trading . ended in light trading to Mortgage securities 4\/32 higher +Mortgage securities ended 2\/32 to 4\/32 higher in light trading . was trading light +Mortgage securities ended 2\/32 to 4\/32 higher in light trading . are on securities Mortgages +Instead of having system calls specifically for process management , Plan 9 provides the codice_13 file system . provides Plan 9 the codice_13 file system +Instead of having system calls specifically for process management , Plan 9 provides the codice_13 file system . is Instead of having the codice_13 file system system calls specifically for process management +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is His main power the Omega Beam +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is the Omega Beam a form of energy +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is a form of that he fires from the Omega Beam his eyes +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . fires from his eyes as the Omega Beam a concussive force +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . fires from his eyes as the Omega Beam disintegrating energy +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of transmuting the Omega Beam disintegrating energy living objects +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of erasing the Omega Beam disintegrating energy living objects +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of transmuting the Omega Beam disintegrating energy organisms +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of erasing the Omega Beam disintegrating energy organisms +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of resurrecting the Omega Beam disintegrating energy living objects +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . is capable of resurrecting the Omega Beam disintegrating energy organisms +His main power , the Omega Beam , is a form of energy that he fires from his eyes as either a concussive force or disintegrating energy , capable of transmuting or erasing living objects and organisms from existence as well as resurrecting them , depending on the dark lord 's will . depending on the the Omega Beam dark lord 's will +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . thus retroactively re-designated Rockwell the MPTA +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . thus retroactively re-designated NASA the MPTA +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . was retroactively re-designated as the MPTA MPTA-098 +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . was retroactively re-designated as the MPTA MPTA-098 +Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name . though , was never christened with MPTA-098 a name +Maduveya Vayasu song from nanjundi kalyana was a track played during marriages for many many years in Kannada . is Maduveya Vayasu a song +Maduveya Vayasu song from nanjundi kalyana was a track played during marriages for many many years in Kannada . is from Maduveya Vayasu song nanjundi kalyana +Maduveya Vayasu song from nanjundi kalyana was a track played during marriages for many many years in Kannada . was a track played during Maduveya Vayasu song marriages in Kannada for many many years +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . had Kabul textile industries +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . had Kabul cotton production industries +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . had Kabul carpet production industries +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . lost Kabul tourism during its destruction +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . had Kabul destruction +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . came through most of its economy tourism in Kabul +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . are in textile industries Kabul +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . are in cotton production industries Kabul +Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction . are in carpet production industries Kabul +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . is that The problem Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . weigh so heavily on the coming months Mr. Salinas +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . make decisions with Japanese businesses a view well beyond the coming months +The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas . are in businesses Japan +An `` Dangaioh '' adventure game was released for the PC-8801 in Japan in April 1990 . is Dangaioh an adventure game +An `` Dangaioh '' adventure game was released for the PC-8801 in Japan in April 1990 . was released for An `` Dangaioh '' adventure game the PC-8801 in Japan in April 1990 +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . is struggling to dismantle Congress the unpopular Catastrophic Care Act of 1988 still +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . is unpopular the Catastrophic Care Act of 1988 +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . is of the Catastrophic Care Act 1988 +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . boosted benefits for the Catastrophic Care Act of 1988 the elderly +Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988 , which boosted benefits for the elderly and taxed them to pay for the new coverage . taxed to pay for the new coverage the Catastrophic Care Act of 1988 the elderly +The buyers , these analysts added , could be either foreign or other U.S. concerns . added these analysts The buyers could be foreign concerns +The buyers , these analysts added , could be either foreign or other U.S. concerns . added these analysts The buyers could be other U.S. concerns +The buyers , these analysts added , could be either foreign or other U.S. concerns . could be The buyers foreign concerns +The buyers , these analysts added , could be either foreign or other U.S. concerns . could be The buyers other U.S. concerns +From 1698 to 1843 the famous organ built by Arp Schnitger , one of the Baroque period 's best known organ makers was the main organ . was the famous organ built by Arp Schnitger the main organ From 1698 +From 1698 to 1843 the famous organ built by Arp Schnitger , one of the Baroque period 's best known organ makers was the main organ . was the famous organ built by Arp Schnitger the main organ to 1843 +From 1698 to 1843 the famous organ built by Arp Schnitger , one of the Baroque period 's best known organ makers was the main organ . was Arp Schnitger one of the best known organ makers in the Baroque period +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . outnumbered Declining issues advancers +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . numbered Declining issues 551 +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . numbered advancers 349 +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . were unchanged 224 issues +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . numbered unchanged issues 224 +Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged . outnumbered 551 Declining issues 349 advancers +Mr. Mehl attributed the rise specifically to the Treasury bill increase . attributed Mr. Mehl the rise specifically to the Treasury bill increase +Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early . Instead awoke he when a smaller meteorite hit the Earth in 1992 +Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early . Instead awoke he seven years too early +Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early . hit a smaller meteorite the Earth in 1992 +Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early . hit a smaller meteorite the Earth seven years too early +The IRS has been seeking more than $ 300 million in back taxes from Mr. Hunt . has been seeking from Mr. Hunt The IRS more than $ 300 million in back taxes +SKILLED WORKERS aplenty are available to cope with earthquake damage . are available to cope with SKILLED WORKERS aplenty earthquake damage +SKILLED WORKERS aplenty are available to cope with earthquake damage . was from damage earthquake +SKILLED WORKERS aplenty are available to cope with earthquake damage . are SKILLED WORKERS aplenty +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . caught Sidney Rice the game winning touchdown On October 14 , 2012 +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . caught a 46-yard pass from Sidney Rice Russell Wilson On October 14 , 2012 +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . were beat the New England Patriots 24-23 On October 14 , 2012 +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . beat the game winning touchdown the New England Patriots On October 14 , 2012 +On October 14 , 2012 , Sidney Rice caught the game winning touchdown from a 46-yard pass from Russell Wilson to beat the New England Patriots 24-23 . was from a 46-yard pass Russell Wilson On October 14 , 2012 +Thus , any event that would minimize such a surface is entropically favored . that would minimize such a surface is any event entropically favored +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . used she theatrical flourishes and unique gimmicks in her stage show +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . are the fan dance and balloon dance established burlesque routines +The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance . was in a she stage show +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . has n't decided Mitsubishi Estate how it will raise the funds for the purchase +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . are due in cash the funds for the purchase next April +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . are estimated to have the Marunouchi holdings alone a market value from as much as 10 trillion yen +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . are estimated to have the Marunouchi holdings alone a market value to as much as 11 trillion yen +Mitsubishi Estate has n't decided how it will raise the funds for the purchase , which are due in cash next April , but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen . are in the holdings Marunouchi +Latchford viaduct was opened on 8 July 1893 to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal . was opened to carry Latchford viaduct the London and North Western Railway's Stockport to Warrington line over the Manchester Ship Canal on 8 July 1893 +Latchford viaduct was opened on 8 July 1893 to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal . to carry the London and North Western Railway 's Stockport to Latchford viaduct Warrington line over the Manchester Ship Canal on 8 July 1893 +Latchford viaduct was opened on 8 July 1893 to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal . was opened to carry the London and North Western Railway 's Stockport to Warrington line over Latchford viaduct the Manchester Ship Canal on 8 July 1893 +Latchford viaduct was opened on 8 July 1893 to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal . was opened Latchford viaduct to carry the London and North Western Railway 's Stockport to Warrington line over the Manchester Ship Canal on 8 July 1893 +At the end of 2008 the Uzbek-Italian Joint Venture Roison-Candy was established by the Uzbek Limited Liability Company Roison Electronics with partnership of Candy Group . is Roison-Candy an Uzbek-Italian Joint Venture +At the end of 2008 the Uzbek-Italian Joint Venture Roison-Candy was established by the Uzbek Limited Liability Company Roison Electronics with partnership of Candy Group . was established by Roison-Candy Roison Electronics with partnership of Candy Group At the end of 2008 +At the end of 2008 the Uzbek-Italian Joint Venture Roison-Candy was established by the Uzbek Limited Liability Company Roison Electronics with partnership of Candy Group . is Roison Electronics an Uzbek Limited Liability Company +The weapons do not influence the other racers at all . do not influence at all The weapons the other racers +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . Excluding the special editions , came in the Ram SRT-10 three colors 2004-2005 +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . came in the Ram SRT-10 Brilliant Black Crystal Pearl Coat 2004-2005 +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . came in the Ram SRT-10 Bright Silver Metallic Clear Coat 2004-2005 +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . came in the Ram SRT-10 Flame Red Clear Coat 2004-2005 +Excluding the special editions , the 2004-2005 Ram SRT-10 came in three colors : Brilliant Black Crystal Pearl Coat , Bright Silver Metallic Clear Coat , and Flame Red Clear Coat . has the Ram SRT-10 special editions 2004-2005 +On 15 January 1999 , Senchuk was appointed as governor of the Lviv region ; for some time he combined two posts . was appointed as Senchuk governor of the Lviv region On 15 January 1999 +On 15 January 1999 , Senchuk was appointed as governor of the Lviv region ; for some time he combined two posts . combined Senchuk two posts for some time +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . was founded as The school the German-English Academy in Milwaukee in 1851 +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . was founded by The German-English Academy a group of Milwaukee German Americans in Milwaukee in 1851 +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . was The Milwaukee German Americans a group in Milwaukee in 1851 +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . was Peter Engelmann an educationist in Milwaukee in 1851 +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . was William Frankfurth a hardware wholesaler in Milwaukee in 1851 +The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann and hardware wholesaler William Frankfurth . included The group Peter Engelmann and William Frankfurth in Milwaukee in 1851 +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . became Sligo town an incorporated municipal borough then +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . had Sligo town a Royal Charter +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . was issued by a Royal Charter the British King James I in 1613/14 +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . was Sligo a town +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . is in King James I Britain +Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 . is King James I British +That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period . was on sales of an operating loss of $ 1.9 million $ 27.4 million in the year - earlier period +That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period . compared with That an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . saw their relations with the gods in Greek pagans political terms +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . saw their relations with the gods in Greek pagans social terms +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . saw their relations with the gods in Roman pagans political terms +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . saw their relations with the gods in Roman pagans social terms +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . had relations with Greek pagans the gods +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . had relations with Roman pagans the gods +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . scorned Greek pagans the man who constantly trembled with fear at the thought of the gods +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . scorned Roman pagans the man who constantly trembled with fear at the thought of the gods +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . trembled with fear at the man the thought of the gods constantly +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . might fear a slave a cruel master +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . might fear a slave a capricious master +Greek and Roman pagans , who saw their relations with the gods in political and social terms , scorned the man who constantly trembled with fear at the thought of the gods , as a slave might fear a cruel and capricious master . trembled with fear as a slave might fear a cruel and capricious master at the man the thought of the gods constantly +The neighborhood comprises an older industrial and residential harbor front area along the Kill Van Kull west of St. George . comprises The neighborhood an older industrial harbor front area along the Kill Van Kull west of St. George +The neighborhood comprises an older industrial and residential harbor front area along the Kill Van Kull west of St. George . comprises The neighborhood an older residential harbor front area along the Kill Van Kull west of St. George +The neighborhood comprises an older industrial and residential harbor front area along the Kill Van Kull west of St. George . is the Kill Van Kull west of St. George +The department came under grant-in-aid scheme of Government of Karnataka in 1992 . came under The department grant-in-aid scheme of Government of Karnataka in 1992 +The department came under grant-in-aid scheme of Government of Karnataka in 1992 . had Government of Karnataka a grant-in-aid scheme +The department came under grant-in-aid scheme of Government of Karnataka in 1992 . was of the Government Karnataka +On a 394 - 21 roll call , the House adopted the underlying transportation measure . adopted On a 394 - 21 roll call the House the underlying transportation measure +On a 394 - 21 roll call , the House adopted the underlying transportation measure . was underlying the transportation measure +On a 394 - 21 roll call , the House adopted the underlying transportation measure . had the House a 394 - 21 roll call +The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses . cited Mrs. Marcos The second marital privilege +The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses . protects The second marital privilege confidential communications between spouses +The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses . are between confidential communications spouses +The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located . was a firewall ahead of the wing center section +The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located . were located the fuel tanks in the wing center section +The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located . was protected from The cockpit the engine +The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located . was protected by The cockpit a firewall +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . is Bill Bryson an author +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . is `` At Home '' a book of 2010 +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . has author Bill Bryson 2010 book `` At Home '' +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . suggests author Bill Bryson Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic In his 2010 book `` At Home '' +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . is Fowler 's Solution a so-called complexion improver +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . is made from Fowler 's Solution dilute arsenic +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . was Siddal a `` devoted swallower '' of Fowler 's Solution +In his 2010 book `` At Home '' , author Bill Bryson suggests Siddal may have suffered from poisoning , because she was a `` devoted swallower '' of Fowler 's Solution , a so-called complexion improver made from dilute arsenic . may have suffered from Siddal poisoning +In 2004 it was expected that redevelopment work in the remaining subway would probably obliterate what remains exist . will be in redevelopment work the remaining subway +In 2004 it was expected that redevelopment work in the remaining subway would probably obliterate what remains exist . would probably obliterate redevelopment work what remains exist in the remaining subway +In 2004 it was expected that redevelopment work in the remaining subway would probably obliterate what remains exist . was expected that it redevelopment work in the remaining subway would probably obliterate what remains exist In 2004 +The Shi'a praise Muhammad ibn Abu Bakr for his devotion to ` Ali and his resistance to all the other caliphs who the Shi'a believe to be usurpers . praise for his devotion to ` Ali The Shi'a Muhammad ibn Abu Bakr +The Shi'a praise Muhammad ibn Abu Bakr for his devotion to ` Ali and his resistance to all the other caliphs who the Shi'a believe to be usurpers . praise for his resistance to all the other caliphs The Shi'a Muhammad ibn Abu Bakr +The Shi'a praise Muhammad ibn Abu Bakr for his devotion to ` Ali and his resistance to all the other caliphs who the Shi'a believe to be usurpers . believe to be usurpers The Shi'a all the other caliphs +The Shi'a praise Muhammad ibn Abu Bakr for his devotion to ` Ali and his resistance to all the other caliphs who the Shi'a believe to be usurpers . is Muhammad ibn Abu Bakr a caliph +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . is called the Future Vertical Lift prototype SB-1 Defiant +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . will work employees from both companies together +The two companies are teaming up again for the Future Vertical Lift prototype called SB-1 Defiant , where employees from both companies will work together . are teaming up again The two companies for the Future Vertical Lift prototype +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . buried at Blanche Three Rivers cemetery +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . buried at several members of the Blick family Three Rivers cemetery +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . buried at Roderick Three Rivers cemetery +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . buried at Martha Burnham Burleigh Three Rivers cemetery +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . buried at `` Pete '' Ingram Three Rivers cemetery +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . survived `` Pete '' Ingram Shangani Patrol massacre +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . survived Burnham Shangani Patrol massacre +Also buried at Three Rivers cemetery are his first wife , Blanche , several members of the Blick family who had also pioneered 1890s Rhodesia with Burnham , Roderick , his granddaughter Martha Burnham Burleigh , and `` Pete '' Ingram , the Montana cowboy who had survived the Shangani Patrol massacre along with Burnham . survived the Montana cowboy Shangani Patrol massacre +This is usually caused by interacting inductive and capacitive elements in the oscillator . is usually caused by This interacting inductive and capacitive elements in the oscillator +This is usually caused by interacting inductive and capacitive elements in the oscillator . are interacting in inductive and capacitive elements the oscillator +The debt ceiling is scheduled to fall to $ 2.8 trillion from $ 2.87 trillion at midnight tonight . is scheduled to fall to The debt ceiling $ 2.8 trillion at midnight tonight +The debt ceiling is scheduled to fall to $ 2.8 trillion from $ 2.87 trillion at midnight tonight . is scheduled to fall from The debt ceiling $ 2.87 trillion at midnight tonight +The debt ceiling is scheduled to fall to $ 2.8 trillion from $ 2.87 trillion at midnight tonight . has debt a ceiling +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . shows her with The final panel of the series a mask similar to Madame Masque +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . shows her angrily refusing to see The final panel of the series Spider-Man +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . blames for her scars she Spider-Man +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . is angrily refusing since she she blames Spider-Man for her scars +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . has Madame Masque a mask +The final panel of the series shows her with a mask similar to Madame Masque , angrily refusing to see Spider-Man since she blames him for her scars . is shown with she a mask similar to Madame Masque in The final panel of the series +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . had been at He the Battle of the Granicus River +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . had believed that He Memnon 's scorched Earth strategy would work at the Battle of the Granicus River +He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here . had Memnon a scorched Earth strategy +A very early form of vaccination known as variolation was developed several thousand years ago in China . was developed an early form of vaccination several thousand years ago in China +A very early form of vaccination known as variolation was developed several thousand years ago in China . is known as an early form of vaccination variolation +A very early form of vaccination known as variolation was developed several thousand years ago in China . was developed variolation several thousand years ago in China +Hoechst 33342 exhibits a 10 fold greater cell-permeability than H 33258 . exhibits Hoechst 33342 a 10 fold greater cell-permeability than H 33258 +Hoechst 33342 exhibits a 10 fold greater cell-permeability than H 33258 . exhibits a 10 fold greater cell-permeability than Hoechst 33342 H 33258 +This releases some of the water molecules into the bulk of the water , leading to an increase in entropy . releases This some of the water molecules into the bulk of the water +This releases some of the water molecules into the bulk of the water , leading to an increase in entropy . is leading to This an increase in entropy +This releases some of the water molecules into the bulk of the water , leading to an increase in entropy . is leading to releasing some of the water molecules into the bulk of the water an increase in entropy +The Bears would have to wait until 2000 to play another international , when they played France in the lead-up to the 2000 Rugby League World Cup . would have to wait to play The Bears another international until 2000 +The Bears would have to wait until 2000 to play another international , when they played France in the lead-up to the 2000 Rugby League World Cup . played The Bears France in 2000 +The Bears would have to wait until 2000 to play another international , when they played France in the lead-up to the 2000 Rugby League World Cup . played in the lead-up to The Bears the 2000 Rugby League World Cup in 2000 +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . are mainly located in Historical buildings the old city in Meaux +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . are mainly located in monuments the old city in Meaux +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . are mainly located in the old city inside Historical buildings the old defensive walls in Meaux +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . are mainly located in the old city inside monuments the old defensive walls in Meaux +Historical buildings and monuments in Meaux are mainly located in the old city , inside the old defensive walls , still nowadays partially kept thanks to an important segment of the original surrounding wall from the Gallo-Roman period . is from an important segment of the original surrounding wall the Gallo-Roman period +This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties . flooded This `` 1-in-200 year event '' major intersections +This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties . damaged This `` 1-in-200 year event '' residential properties +This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties . flooded This `` 1-in-200 year event '' major underpasses +This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties . damaged This `` 1-in-200 year event '' commercial properties +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . were broader market indexes virtually unchanged +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . outnumbered declining issues gainers on the New York Stock Exchange +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . numbered declining issues 774 on the New York Stock Exchange +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . numbered gainers 684 on the New York Stock Exchange +But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged . outnumbered 774 684 +At this point , the player confronts a boss , who is usually considerably larger and tougher than regular enemies . confronts the player a boss At this point +At this point , the player confronts a boss , who is usually considerably larger and tougher than regular enemies . is usually the boss considerably larger than regular enemies At this point +At this point , the player confronts a boss , who is usually considerably larger and tougher than regular enemies . is usually the boss considerably tougher than regular enemies At this point +Arminius , leader of the Cherusci and allies , now had a free hand . is Arminius leader of the Cherusci +Arminius , leader of the Cherusci and allies , now had a free hand . is Arminius leader of the allies +Arminius , leader of the Cherusci and allies , now had a free hand . had Arminius a free hand +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . asked to put on a 40th anniversary of his father 's Acid Tests Kesey 's son Zane Matthew Rick In 2005 +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . is son of Zane Kesey +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . has Kesey a son +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . is a friend of Matthew Rick Zane +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . is also known as Matthew Rick Shady Backflash +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . is father of Kesey Zane +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . had Kesey Acid Tests +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . had Zane 's father Acid Tests +In 2005 , Kesey 's son Zane asked a friend , Matthew Rick , also known as Shady Backflash , to put on a 40th anniversary of his father 's Acid Tests . will be having his father 's Acid Tests a 40th anniversary In 2005 +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . further stated that He Hauptmann looked different +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . further stated that He `` John '' was actually dead +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . further stated that He `` John '' had been murdered by his confederates +He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates . had `` John '' confederates +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . showed up with He a carpenter 's level +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . carefully measured He every surface +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . showed up with a carpenter 's level , carefully measured He every surface +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . showed He how the apparent shrinkage was caused by the perspective +He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective . was caused by the apparent shrinkage the perspective +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . announced a Kickstarter to fund Zane a 50th anniversary Furthur Bus Trip In April 2014 +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . announced a Kickstarter to fund Derek Stevens a 50th anniversary Furthur Bus Trip In April 2014 +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . was friend of Derek Stevens Zane +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . announced along with Zane friend Derek Stevens In April 2014 +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . were offered donors a chance to ride the famous bus +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . was the famous bus a 50th anniversary Furthur Bus Trip +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . were offered donors a chance to ride on a 50th anniversary Furthur Bus Trip +In April 2014 , Zane , along with friend Derek Stevens , announced a Kickstarter to fund a 50th anniversary Furthur Bus Trip , offering donors a chance to ride the famous bus . had Furthur Bus a 50th anniversary In 2014 +It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school . includes It thirty-two elementary schools +It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school . includes It nine middle schools +It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school . includes It ten high schools +It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school . includes It one charter school +Millais painted daily into the winter putting lamps under the tub to warm the water . painted Millais daily into the winter +Millais painted daily into the winter putting lamps under the tub to warm the water . was putting to warm the water Millais lamps under the tub into the winter +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . slashes Crime Master her when he finds out about this +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . finds out about Crime Master this +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . alerts that he is in league with Otto Octavius and his inhumane experiments she the FBI before passing out +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . was passing out she +Crime Master slashes her when he finds out about this , but before passing out , she alerts the FBI that he is in league with Otto Octavius and his inhumane experiments . has Otto Octavius inhumane experiments +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . were with chemical sprays damaging problems plants ' female reproductive organs +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . was for concern the toxicity of such chemical sprays to humans +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . was for concern the toxicity of such chemical sprays to animals +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . was for concern the toxicity of such chemical sprays to beneficial insects +But there have been problems with chemical sprays damaging plants ' female reproductive organs and concern for the toxicity of such chemical sprays to humans , animals and beneficial insects . have plants female reproductive organs +Ms. Shere has offered a $ 500 reward for the book 's return but figures she 'll have to reinvent many recipes from scratch . has offered for the book 's return Ms. Shere a $ 500 reward +Ms. Shere has offered a $ 500 reward for the book 's return but figures she 'll have to reinvent many recipes from scratch . figures Ms. Shere she 'll have to reinvent many recipes from scratch +Ms. Shere has offered a $ 500 reward for the book 's return but figures she 'll have to reinvent many recipes from scratch . has the book many recipes +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was separated from He his family the Cuban Revolution +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was sent to He the United States +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was sent to the United States to live with he a foster family +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was sent to the United States to live with a foster family through He an outreach program +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was He a young boy the Cuban Revolution +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was placed in his father a Cuban prison the Cuban Revolution +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . had a He foster family +He was separated from his family as a young boy during the Cuban Revolution when he was sent to the United States to live with a foster family through an outreach program while his father was placed in a Cuban prison . was in He an outreach program +The first part , consisting of $ 151 million of 13 3\/4 % senior subordinated reset notes , was priced at 99.75 . was priced at 151 million of 13 3\/4 % senior subordinated reset notes $ $ 99.75 +The first part , consisting of $ 151 million of 13 3\/4 % senior subordinated reset notes , was priced at 99.75 . consisted of The first part $ 151 million of 13 3\/4 % senior subordinated reset notes +The first part , consisting of $ 151 million of 13 3\/4 % senior subordinated reset notes , was priced at 99.75 . were priced at the senior subordinated reset notes 99.75 +During the language shift , however , the receding language A still influences language B . still influences the receding language A language B +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . was renamed the municipality Jones In 1918 +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . was renamed in honor of the municipality American congressman William Jones In 1918 +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . was William Jones a congressman of America +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . authored American congressman William Jones the Philippine Autonomy Act of 1916 +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . was of the Philippine Autonomy Act 1916 +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . provided for the Philippine Autonomy Act of 1916 greater autonomy for the Philippines under American colonial rule +In 1918 , the municipality was renamed Jones in honor of American congressman William Jones , who authored the Philippine Autonomy Act of 1916 that provided for greater autonomy for the Philippines under American colonial rule . was under the Philippines American colonial rule +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . chose to accept The Tsar the draft authored by Peter Kharitonov +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . is Peter Kharitonov Deputy State Secretary of the State Chancellory +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . was accept as the draft authored by Peter Kharitonov the basis for the new constitution +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . chose to accept The Tsar the draft as the basis for the new constitution +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . chose to accept the draft authored by Peter Kharitonov as The Tsar the basis for the new constitution +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . chose to accept The Tsar the draft by Peter Kharitonov as the basis for the new constitution +The Tsar chose to accept the draft authored by Peter Kharitonov , Deputy State Secretary of the State Chancellory , as the basis for the new constitution . chose to accept as the basis for the new constitution The Tsar the draft authored by Peter Kharitonov +In 1862 , Henry Letheby obtained a partly conductive material by anodic oxidation of aniline in sulfuric acid . obtained by anodic oxidation of aniline in sulfuric acid Henry Letheby a partly conductive material In 1862 +Advancing issues on the Big Board surged ahead of decliners 1,111 to surged ahead of Advancing issues decliners on the Big Board +Advancing issues on the Big Board surged ahead of decliners 1,111 to surged Advancing issues 1,111 on the Big Board +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is The Crybaby the twelfth album by Melvins +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' was released through The Crybaby Ipecac Recordings in 2000 +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is The Crybaby the last part of a trilogy +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is `` The Maggot '' part of a trilogy +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is `` The Bootlicker '' part of a trilogy +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is `` The Crybaby '' part of a trilogy +The Crybaby is the twelfth album by Melvins , released in 2000 through Ipecac Recordings , and the last part of a trilogy : `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby . '' is The trilogy `` The Maggot , '' `` The Bootlicker '' and `` The Crybaby '' +Australian Amber Wing was the first woman to land a ts fs wake to wake 900 . is Amber Wing Australian +Australian Amber Wing was the first woman to land a ts fs wake to wake 900 . was the first woman Amber Wing to land a ts fs wake to wake 900 +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . opened The Prahran and Malvern Tramways Trust a line from Alcand Street , St Kilda on 12 April 1913 +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . opened The Prahran and Malvern Tramways Trust a line to Hawthorn Road , Caulfield North on 12 April 1913 +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . opened The Prahran and Malvern Tramways Trust a line along Carlisle Street/Balaclava Road on 12 April 1913 +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . is in Alcand Street St Kilda +The Prahran and Malvern Tramways Trust opened a line from Alcand Street , St Kilda to Hawthorn Road , Caulfield North along Carlisle Street/Balaclava Road on 12 April 1913 . is in Hawthorn Road Caulfield North +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . is Erasistratus The doctor +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . is suffering Antiochus +The doctor , Erasistratus , suspects love is behind Antiochus 's suffering . suspects love is behind The doctor Antiochus 's suffering +During the celebrations of his Silver Jubilee in November 1955 , Haile Selassie introduced a revised constitution , whereby he retained effective power , while extending political participation to the people by allowing the lower house of parliament to become an elected body . introduced Haile Selassie a revised constitution in November 1955 +During the celebrations of his Silver Jubilee in November 1955 , Haile Selassie introduced a revised constitution , whereby he retained effective power , while extending political participation to the people by allowing the lower house of parliament to become an elected body . retained Haile Selassie effective power while extending political participation to the people by allowing the lower house of parliament to become an elected body in November 1955 +During the celebrations of his Silver Jubilee in November 1955 , Haile Selassie introduced a revised constitution , whereby he retained effective power , while extending political participation to the people by allowing the lower house of parliament to become an elected body . were Haile Selassie celebrations of his Silver Jubilee in November 1955 +As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships . are also understood to environmental factors contribute heavily to the strength of intimate relationships +As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships . are also understood to contribute heavily to environmental factors the strength of intimate relationships +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . were re-imagined in Edwards 's early years the comic book mini-series , `` Robotech : From the Stars '' +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . was published by `` Robotech : From the Stars '' WildStorm +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . is `` Robotech : From the Stars '' a comic book mini-series +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . were seen in Edwards 's early years Comico 's graphic novel +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . had Comico a graphic novel +In line this with , Edwards 's early years , as seen in Comico 's graphic novel , were re-imagined in the comic book mini-series , `` Robotech : From the Stars '' , published WildStorm . had Edwards early years +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . is J.E. `` Buster '' Brown a State Senator in Texas +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . is J.E. `` Buster '' Brown a Republican +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . is running for J.E. `` Buster '' Brown attorney general for Texas +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . introduced J.E. `` Buster '' Brown the bill +State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill . is J.E. Brown `` Buster '' +The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness . was made largely of The body lightweight carbon fiber and Kevlar +The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness . is known for its carbon fiber and Kevlar strength +The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness . is carbon fiber and Kevlar lightweight +The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness . was made of The body carbon fiber and Kevlar +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . did however permit The Nazis a single dress rehearsal in Salzburg +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . was a single dress rehearsal in Salzburg +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . was conducted by a single dress rehearsal Clemens Krauss in Salzburg on 16 August +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . was in order that a single dress rehearsal in Salzburg Strauss could hear the work performed +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . was in order that a single dress rehearsal in Salzburg an invited audience could hear the work performed +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . could hear Strauss the work performed at a single dress rehearsal in Salzburg on 16 August +The Nazis did however permit a single dress rehearsal in Salzburg , conducted by Clemens Krauss on 16 August , in order that Strauss and an invited audience could hear the work performed . could hear an invited audience the work performed at a single dress rehearsal in Salzburg on 16 August +Byers does not oppose the concept of global citizenship , however he criticizes potential implications of the term depending on one 's definition of it , such as ones that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' does not oppose Byers the concept of global citizenship +Byers does not oppose the concept of global citizenship , however he criticizes potential implications of the term depending on one 's definition of it , such as ones that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' criticizes Byers potential implications of the term depending on one 's definition of it +Byers does not oppose the concept of global citizenship , however he criticizes potential implications of the term depending on one 's definition of it , such as ones that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' criticizes Byers the potential implications that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' +Byers does not oppose the concept of global citizenship , however he criticizes potential implications of the term depending on one 's definition of it , such as ones that provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' are provide support for the `` ruthlessly capitalist economic system that now dominates the planet . '' potential implications of global citizenship +Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site . uses Each of the programs a combination of funding priorities and geographic requirements to select grants +Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site . are described the combination of funding priorities and geographic requirements on the foundation 's web site +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . play in Local football team Ammanford A.F.C. the Welsh Football League Second Division +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . play in rugby union team Ammanford RFC the Welsh Rugby Union leagues +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . were formed in rugby union team Ammanford RFC 1887 +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . is Ammanford A.F.C. a Local football team +Local football team Ammanford A.F.C. play in the Welsh Football League Second Division , while rugby union team Ammanford RFC were formed in 1887 and play in the Welsh Rugby Union leagues . is Ammanford RFC a rugby union team +He was also able to more easily control his animal instincts after this second mutation . was able to control He his animal instincts +He was also able to more easily control his animal instincts after this second mutation . had He a second mutation He +He was also able to more easily control his animal instincts after this second mutation . has He animal instincts +He was also able to more easily control his animal instincts after this second mutation . was also able to more easily control He his animal instincts +A year later , he was appointed Attorney-General for Ireland and on this occasion was sworn of the Privy Council of Ireland . was appointed he Attorney-General for Ireland A year later +A year later , he was appointed Attorney-General for Ireland and on this occasion was sworn of the Privy Council of Ireland . was sworn of he the Privy Council of Ireland A year later +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . hosts It the `` Zomercarnaval '' +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . is the second largest the `` Zomercarnaval '' Caribbean carnival in Europe +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . was originally called the `` Zomercarnaval '' the Antillean carnival +It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival . is in the `` Zomercarnaval '' Europe +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . has the agency 2,750 staff members +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . are working on 230 Of the agency 's staff members actual projects in the field +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . are working on staff members Of the agency literacy research projects in the field +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . are working on staff members Of the agency oceanographic research projects in the field +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . are such as actual projects literacy research +Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research . are such as actual projects oceanographic research +It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism . is being laid for the ground the arrest of opposition activists +It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism . will be on the ground of the arrest of opposition activists terrorism +It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism . are perpetuating such myths +It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism . in perpetuating such myths It is possible that the ground is being laid for the arrest of opposition activists on the ground of terrorism +Hence it can be represented by the integer notation . can Hence be represented by it the integer notation +In 1891 , the academy moved to the German-English Academy Building in downtown Milwaukee . moved to the academy the German-English Academy Building in downtown Milwaukee In 1891 +In 1891 , the academy moved to the German-English Academy Building in downtown Milwaukee . is in the German-English Academy Building downtown Milwaukee +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . is with Deseret about $ 100 million in assets +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . is the parent of Deseret the Deseret Bank +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . has the Deseret Bank six offices +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . has the Deseret Bank headquarters at Pleasant Grove , Utah +Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah . is in Pleasant Grove Utah +In England , emphasis was placed on the orientation of the chapels to the east . was placed on emphasis the orientation of the chapels to the east In England +On one occasion the lamps went out and the water became icy cold . went out the lamps On one occasion +On one occasion the lamps went out and the water became icy cold . became icy cold the water On one occasion +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . probably saw active service as He a soldier for the Scottish forces in The Netherlands in the later 1570s +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . is there no certain documentary evidence of this +He probably saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s , although there is no certain documentary evidence of this . is there no certain documentary evidence that He saw active service as a soldier for the Scottish forces in The Netherlands in the later 1570s +The 2005 model introduced a third row of seats to the Pathfinder line for the first time . introduced to the Pathfinder line The 2005 model a third row of seats for the first time +The 2005 model introduced a third row of seats to the Pathfinder line for the first time . was in a third row of seats the Pathfinder model in 2005 +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross US 258 and the two state highways the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross the Tar River on the freeway , then exit US 258 and the two state highways US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross US 258 the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross the two state highways the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross US 258 the Tar River on the freeway +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . cross the two state highways the Tar River on the freeway +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . goes to US 64 Mutual Boulevard at a partial interchange on the east side of the river in Princeville +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . has Princeville a river +US 258 and the two state highways cross the Tar River on the freeway , then exit US 64 onto Mutual Boulevard at a partial interchange on the east side of the river in Princeville . has Princeville a Mutual Boulevard +A large gravestone was erected in 1866 , over 100 years after his death . was erected in A large gravestone 1866 +A large gravestone was erected in 1866 , over 100 years after his death . was erected in A large gravestone over 100 years after his death +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . as well studied Charles divinity books +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . was hunting Charles +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . was fishing Charles +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . had concerns about being able to declare Charles his belief in all the dogmas of the Church of England +Charles had concerns about being able to declare his belief in all the dogmas of the Church of England , so as well as hunting and fishing , he studied divinity books . had the Church of England dogmas +The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair . caused The use of high ranking , anonymous sources the Plame Affair +The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair . has caused The use of high ranking , anonymous sources numerous scandals for the Bush Administration +The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair . has had the Bush Administration numerous scandals +The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair . was a the Plame Affair scandals for the Bush Administration +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases of fraud in relation to It direct taxes +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases of fraud in relation to It indirect taxes +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases of fraud in relation to It tax credits +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases of fraud in relation to It drug smuggling +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases of fraud in relation to It money laundering +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases involving It United Nations trade sanctions +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases involving It conflict diamonds +It deals with cases of fraud in relation to direct taxes and indirect taxes , tax credits , drug smuggling , and money laundering , cases involving United Nations trade sanctions , conflict diamonds and CITES . deals with cases involving It CITES +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . heads The Commissioner of Parks and Public Property one of the departments in those local governments that operate under the Walsh Act form of municipal governance in New Jersey +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . operate under local governments the Walsh Act form of municipal governance in New Jersey +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . is of the Walsh Act form municipal governance +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . is of The Commissioner Parks +The Commissioner of Parks and Public Property heads one of the departments in those local governments in New Jersey that operate under the Walsh Act form of municipal governance . is of The Commissioner Public Property +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . has Moon Tong'Il industry conglomerate +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . is investing heavily Moon 's Tong'Il industry conglomerate in China now +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . have church accountants high hopes of expanding in China +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . have church accountants high hopes of attracting converts in China +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . have high hopes even in the wake of church accountants the bloody massacre in Tiananmen Square +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . was in the bloody massacre Tiananmen Square +Moon 's Tong'Il industry conglomerate is now investing heavily in China , where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square . is in Tiananmen Square China +Warner is part of Warner Communications Inc. , which is in the process of being acquired by Time Warner Inc . is part of Warner Warner Communications Inc. +Warner is part of Warner Communications Inc. , which is in the process of being acquired by Time Warner Inc . is in the process of being acquired by Warner Communications Inc. Time Warner Inc +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is attempted murder as an `` attempt '' an offence under section 1 of the Criminal Attempts Act 1981 In England +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is attempted murder as an `` attempt '' an offence under section 1 of the Criminal Attempts Act 1981 In Wales +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is the Criminal Attempts Act of 1981 +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is attempted murder as an `` attempt '' an indictable offence which carries a maximum penalty of life imprisonment In England +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is attempted murder as an `` attempt '' an indictable offence which carries a maximum penalty of life imprisonment in Wales +In England and Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 and is an indictable offence which carries a maximum penalty of life imprisonment . is as attempted murder an `` attempt '' +Moreover , some sponsors pulled their advertising off XM in protest of the suspension . moreover pulled in protest of the suspension some sponsors their advertising off XM +Moreover , some sponsors pulled their advertising off XM in protest of the suspension . had some sponsors advertising +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . is also known for He his `` Aramata Collection '' +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . is his `` Aramata Collection '' a private library housing thousands of rare books from the 18th and 19th centuries +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . houses his `` Aramata Collection '' rare books from the 18th century +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . houses his `` Aramata Collection '' rare books from the 19th century +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . are from rare books the 18th century +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . are from rare books the 19th century +He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries . has He `` Aramata Collection '' +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . are surrounding the clathrate-like baskets such hydrophobic particles +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . merge the clathrate-like baskets surrounding them when two such hydrophobic particles come very close +For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge . are the baskets surrounding them clathrate-like +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . was personally involved Dr. Jagan in the organization of the strike +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . helped to raise Dr. Jagan funds across the country +Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it . were raise funds across the country +Historically , the division has been a rural seat and fairly safe for the National Party , which held it for all but six years from 1922 to 2004 . has been the division a rural seat Historically +Historically , the division has been a rural seat and fairly safe for the National Party , which held it for all but six years from 1922 to 2004 . has been fairly safe for the division the National Party Historically +Historically , the division has been a rural seat and fairly safe for the National Party , which held it for all but six years from 1922 to 2004 . held the National Party the seat for all but six years from 1922 to 2004 +And unlike Europe and the U.S. , where populations are aging , the Pacific Basin countries have growing proportions of youths -- the heaviest consumers of Coca - Cola and other sodas . have growing proportions of youths the Pacific Basin countries unlike Europe and the U.S. +And unlike Europe and the U.S. , where populations are aging , the Pacific Basin countries have growing proportions of youths -- the heaviest consumers of Coca - Cola and other sodas . are growing proportions of youths the heaviest consumers of Coca - Cola and other sodas in the Pacific Basin countries +And unlike Europe and the U.S. , where populations are aging , the Pacific Basin countries have growing proportions of youths -- the heaviest consumers of Coca - Cola and other sodas . are populations aging in Europe and the U.S. +After leaving , he tried to find acting jobs and worked as an Elvis impersonator for a short time . worked as he an Elvis impersonator after leaving +After leaving , he tried to find acting jobs and worked as an Elvis impersonator for a short time . worked as he an Elvis impersonator for a short time +After leaving , he tried to find acting jobs and worked as an Elvis impersonator for a short time . tried to find he acting jobs after leaving +And some doctors who have conducted hours of tests on themselves report temporary headaches . report some doctors temporary headaches +And some doctors who have conducted hours of tests on themselves report temporary headaches . have conducted some doctors hours of tests on themselves +And some doctors who have conducted hours of tests on themselves report temporary headaches . report some doctors who have conducted hours of tests on themselves temporary headaches +Frowin founded the Benedictine monastery of New Engleberg at Conception , which was erected into an abbey in 1881 . founded Frowin the Benedictine monastery of New Engleberg at Conception +Frowin founded the Benedictine monastery of New Engleberg at Conception , which was erected into an abbey in 1881 . was erected into the Benedictine monastery of New Engleberg at Conception an abbey in 1881 +The northern terminus of this section is at Senai Airport Interchange near Senai Airport , while it shares the same Kilometre Zero with the main link . is at The northern terminus of this section Senai Airport Interchange +The northern terminus of this section is at Senai Airport Interchange near Senai Airport , while it shares the same Kilometre Zero with the main link . is near The northern terminus of this section Senai Airport +The northern terminus of this section is at Senai Airport Interchange near Senai Airport , while it shares the same Kilometre Zero with the main link . is near Senai Airport Interchange Senai Airport +The northern terminus of this section is at Senai Airport Interchange near Senai Airport , while it shares the same Kilometre Zero with the main link . shares the same Kilometre Zero with The northern terminus of this section the main link +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . is doing The IRS intensive TCMP audits of 19,000 returns filed by corporations with under $ 10 million in assets already +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . already is doing The IRS intensive TCMP audits of returns for 1987 filed by corporations with under $ 10 million in assets +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . already is doing The IRS intensive TCMP audits of returns for fiscal 1988 filed by corporations with under $ 10 million in assets +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . were filed by returns corporations with under $ 10 million in assets for 1987 +The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $ 10 million in assets ... . were filed by returns corporations with under $ 10 million in assets for fiscal 1988 +But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold . have been at odds over they how much Mr. Hunt would owe the government after his assets are sold +But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold . will have sold Mr. Hunt his assets +But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold . would owe Mr. Hunt the government +He was appointed Commander of the Order of the British Empire in the 1948 Queen 's Birthday Honours and was knighted in the 1953 Coronation Honours . was appointed He Commander of the Order of the British Empire Birthday Honours in 1948 +He was appointed Commander of the Order of the British Empire in the 1948 Queen 's Birthday Honours and was knighted in the 1953 Coronation Honours . was knighted He Coronation Honours in 1953 +He was appointed Commander of the Order of the British Empire in the 1948 Queen 's Birthday Honours and was knighted in the 1953 Coronation Honours . is He Commander of the Order of the British Empire +In 2004 the Oxford English University Press included Makaton as a common usage word in the Oxford English Dictionary . included as a common usage word the Oxford English University Press Makaton in the Oxford English Dictionary In 2004 +Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies . may be a Japan tough market +Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies . may be a tough market for outsiders to penetrate Japan +Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies . may be Japan a tough market for outsiders to penetrate +Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies . is hopelessly behind the U.S. Japan in certain technologies +The machine employs reduced instruction - set computing , or RISC , technology . employs The machine reduced instruction set computing technology +The machine employs reduced instruction - set computing , or RISC , technology . employs The machine RISC technology +The machine employs reduced instruction - set computing , or RISC , technology . employs The machine reduced instruction - set computing or RISC , technology +He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah . was said to have made He bombs for fun on the outskirts of Murray , Utah +He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah . were said to have made his friends bombs for fun on the outskirts of Murray , Utah +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Life Science +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Physical Science +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Engineering +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Mathematics +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Computer Networking +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . specializes in Montgomery Blair 's Science , Math , and Technology Academy Computer Programming +Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming . has Montgomery Blair a Science , Math , and Technology Academy +It is necessary to climb embankments to cross some roads where former bridges have been filled in . is necessary to climb It embankments +It is necessary to climb embankments to cross some roads where former bridges have been filled in . is necessary to cross climbing embankments some roads where former bridges have been filled in +It is necessary to climb embankments to cross some roads where former bridges have been filled in . have been filled in former bridges at some roads +But it could also help American companies , which also are starting to try to open the market . could also help it companies in America +But it could also help American companies , which also are starting to try to open the market . could also help it American companies +But it could also help American companies , which also are starting to try to open the market . also are starting to try to open American companies the market +He had developed a hatred for the hacker and a grudging appreciation of the federal `` spooks '' who make national security their business . had developed He a hatred for the hacker +He had developed a hatred for the hacker and a grudging appreciation of the federal `` spooks '' who make national security their business . had developed He a grudging appreciation of the federal `` spooks '' who make national security their business +The computer can process 13.3 million calculations called floating - point operations every second . can process The computer 13.3 million calculations every second +The computer can process 13.3 million calculations called floating - point operations every second . are called 13.3 million calculations floating - point operations +Lawyers would eagerly seize on the provision in their death - penalty appeals , says Richard Burr , director of the NAACP Legal Defense and Educational Fund 's capital - punishment defense team . would eagerly seize Lawyers on the provision in their death - penalty appeals +Lawyers would eagerly seize on the provision in their death - penalty appeals , says Richard Burr , director of the NAACP Legal Defense and Educational Fund 's capital - punishment defense team . says Richard Burr , director of the NAACP Legal Defense and Educational Fund 's capital - punishment defense team Lawyers would eagerly seize on the provision in their death - penalty appeals +The clause was part of an agreement in which pilots accepted a substantial pay cut as long as no other labor group got a raise . was part of The clause an agreement +The clause was part of an agreement in which pilots accepted a substantial pay cut as long as no other labor group got a raise . accepted as long as no other labor group got a raise pilots a substantial pay cut in an agreement +Through the first nine months of the year , the unadjusted total of all new construction was $ 199.6 billion , flat compared with a year earlier . was the unadjusted total of all new construction $ 199.6 billion Through the first nine months of the year +Through the first nine months of the year , the unadjusted total of all new construction was $ 199.6 billion , flat compared with a year earlier . was flat compared with the unadjusted total of all new construction a year earlier +Through the first nine months of the year , the unadjusted total of all new construction was $ 199.6 billion , flat compared with a year earlier . was flat compared with the unadjusted total of all new construction a year earlier +Butters Drive in the Canberra suburb of Phillip is named in his honour . is named Butters Drive in the Canberra suburb of Phillip in his honour +Butters Drive in the Canberra suburb of Phillip is named in his honour . is Butters Drive in the Canberra suburb of Phillip +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are of enthusiastic young `` Moonies '' the Nixon era +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are enthusiastic `` Moonies '' of the Nixon era +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are young `` Moonies '' of the Nixon era +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are faithful to `` Moonies '' Father Moon +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon parents now +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are producing by procreation Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon new members now +Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon are now parents , producing new members by procreation rather than conversion . are producing rather than by conversion Many of the enthusiastic young `` Moonies '' of the Nixon era who remained faithful to Father Moon new members now +Afterward he has joined Emma Frost 's Academy of Tomorrow , a school for gifted beings . has joined he Emma Frost 's Academy of Tomorrow Afterward +Afterward he has joined Emma Frost 's Academy of Tomorrow , a school for gifted beings . is Academy of Tomorrow a school for gifted beings +Afterward he has joined Emma Frost 's Academy of Tomorrow , a school for gifted beings . has Emma Frost a school for gifted beings +After this she became very ill with a severe cold or pneumonia . became she very ill after this +China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony . ousted China 's parliament two Hong Kong residents from a panel drafting a new constitution for the colony +China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony . is drafting a panel a new constitution for the colony +China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony . is in the parliament China +China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony . are of the two residents Hong Kong +Instead , he proposed a `` law - governed economy , '' in which there would be a `` clear - cut division between state direction of the economy and economic management . '' Instead proposed he a `` law - governed economy '' +Instead , he proposed a `` law - governed economy , '' in which there would be a `` clear - cut division between state direction of the economy and economic management . '' would be there a `` clear - cut division between state direction of the economy and economic management '' in a `` law - governed economy '' +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . could Moreover help reassure its investors such a sale Armstrong +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . could Moreover deter such a sale the Belzbergs +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . own the Belzbergs a 9.85 % stake in the Lancaster , Pa. , company +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . is in the company Lancaster , Pa. +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . is in Lancaster Pa. +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . has Armstrong investors +Moreover , such a sale could help Armstrong reassure its investors and deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company . is Armstrong the company in Lancaster , Pa. +However , the term cob , defined as a short-legged , stout horse , is a body type rather than a breed . is defined as cob a short-legged , stout horse +However , the term cob , defined as a short-legged , stout horse , is a body type rather than a breed . is cob a body type +However , the term cob , defined as a short-legged , stout horse , is a body type rather than a breed . is a body type rather than cob a breed +Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom . rallied in Stock prices the market as the Georgia - Pacific bid broke the recent gloom +Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom . broke the Georgia - Pacific bid the market 's recent gloom +Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom . was in gloom the market recently +Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom . had Georgia - Pacific a bid +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . adds Interstate / Johnson Lane Inc. 70 people this year +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . adds in retail Interstate / Johnson Lane Inc. 60 people this year +Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff . adds to Interstate / Johnson Lane Inc. its 1,300 - member staff this year +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . are Courtaulds textile operations divested +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . has Courtaulds textile operations +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . had operating profit of The divested Courtaulds textile operations # 50 million in the year ended March 31 +The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 . had operating profit on The divested Courtaulds textile operations # 980 million in revenue in the year ended March 31 +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . reads she the articles +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . makes she veiled references relating to the slang use of `` beaver '' +As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' . makes she innuendo relating to the slang use of `` beaver '' +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . would rise from the minimum wage the current $ 3.35 an hour +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . would rise to the minimum wage $ 4.25 an hour by April 1991 +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . is the minimum wage $ 3.35 an hour currently +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . will be the minimum wage $ 4.25 an hour by April 1991 +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . would rise Under the minimum wage the agreement with the House and Senate leaders +Under the agreement with the House and Senate leaders , the minimum wage would rise from the current $ 3.35 an hour to $ 4.25 an hour by April 1991 . is with the agreement the House and Senate leaders +September was the 10th consecutive month in which steel exports failed to reach the year - earlier level . failed to reach steel exports the year - earlier level in September +September was the 10th consecutive month in which steel exports failed to reach the year - earlier level . failed to reach steel exports the year - earlier level for the 10th consecutive month +September was the 10th consecutive month in which steel exports failed to reach the year - earlier level . was September the 10th consecutive month in which steel exports failed to reach the year - earlier level +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . is working with the SUNY team more potent magnetic brain stimulators +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . are working with researchers at the National Magnet Laboratory in Cambridge , Mass. more potent magnetic brain stimulators +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . are at researchers the National Magnet Laboratory in Cambridge , Mass. +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . is in the National Magnet Laboratory Cambridge , Mass. +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . are working with Both more potent magnetic brain stimulators +Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators . are magnetic brain stimulators more potent +The origin of the Missionaries of the Sacred Heart is closely connected with the definition of the dogma of the Immaculate Conception of the B. V. M . is closely connected with The origin of the Missionaries of the Sacred Heart the definition of the dogma of the Immaculate Conception of the B. V. M +The origin of the Missionaries of the Sacred Heart is closely connected with the definition of the dogma of the Immaculate Conception of the B. V. M . is closely connected with the Missionaries of the Sacred Heart the definition of the dogma of the Immaculate Conception of the B. V. M +On U.S. - Japan relations : `` I 'm encouraged . 'm encouraged On I U.S. - Japan relations +On U.S. - Japan relations : `` I 'm encouraged . are of relations U.S. - Japan +Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... . says Salomon Brothers `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . was Spielberger Chairman of the Psychology Department at the University of South Florida in Tampa , Florida formerly +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . belonged to Spielberger a think tank at the University of South Florida in Tampa , Florida in 2012 +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . is in University of South Florida Tampa , Florida +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . is in Tampa Florida +Spielberger was formerly Chairman of the Psychology Department at the University of South Florida in Tampa , Florida and in 2012 belonged to a think tank there . is at a think tank the University of South Florida in Tampa , Florida +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . was born Hiester in Montgomery County , Pennsylvania on July 17 , 1749 +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . was the son of Hiester German immigrant Daniel Hiester +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . was the son of Hiester German immigrant Catherine Shuller Hiester +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . is in Montgomery County Pennsylvania +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . was Daniel Hiester a German immigrant +Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester . was Catherine Shuller Hiester a German immigrant +Some have been training for months ; others only recently left active status . have been training for Some months +Some have been training for months ; others only recently left active status . left others active status only recently +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . are buying More big Japanese investors U.S. mortgage - backed securities +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . is reversing More big Japanese investors buying U.S. mortgage - backed securities a recent trend +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . was a trend in buying U.S. mortgage - backed securities recent +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . are in big investors buying U.S. mortgage - backed securities Japan +More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend . are mortgage - backed securities U.S. +He chose a path of confrontation , of conflict . chose a He path of confrontation +He chose a path of confrontation , of conflict . chose a He path of conflict +The Aura spacecraft has a mass of about 1,765 kg . has a mass of The Aura spacecraft about 1,765 kg +The Aura spacecraft has a mass of about 1,765 kg . is The Aura a spacecraft +A dam on the creek has created a lake covering for fishing , boating , and swimming . has created A dam on the creek a lake covering +A dam on the creek has created a lake covering for fishing , boating , and swimming . has created A dam on the creek a lake covering for fishing +A dam on the creek has created a lake covering for fishing , boating , and swimming . has created A dam on the creek a lake covering for boating +A dam on the creek has created a lake covering for fishing , boating , and swimming . has created A dam on the creek a lake covering for swimming +About 800 have crossed the picket lines and returned to work . have crossed About 800 the picket lines +About 800 have crossed the picket lines and returned to work . have returned About 800 to work +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . were The railways separate +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . were The railways the S&D and the North Somerset +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . were administered by The railways the Midland Railway and the London and South Western Railway companies and the Great Western Railway +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . was administered by The S&D the Midland Railway and the London and South Western Railway companies +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . was run by The North Somerset the Great Western Railway +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . was then owned by The North Somerset the Great Western Railway +The railways were separate , the S&D being administered by the Midland Railway and the London and South Western Railway companies and the North Somerset being run by and then owned by the Great Western Railway . were The companies the Midland Railway and the London and South Western Railway and the Great Western Railway +X is revealed to be the leader of Neo Arcadia and Zero confronts X in battle . is revealed to be X the leader of Neo Arcadia +X is revealed to be the leader of Neo Arcadia and Zero confronts X in battle . confronts Zero X in battle +X is revealed to be the leader of Neo Arcadia and Zero confronts X in battle . is of the leader Neo Arcadia +In 1577 , she unsuccessfully proposed to the city council that it should establish a home for poor women , of which she would become the administrator . unsuccessfully proposed that she city council should establish a home for poor women In 1577 +In 1577 , she unsuccessfully proposed to the city council that it should establish a home for poor women , of which she would become the administrator . would become she the administrator of a home for poor women +In 1577 , she unsuccessfully proposed to the city council that it should establish a home for poor women , of which she would become the administrator . unsuccessfully proposed to she the city council In 1577 +DePauw University awarded the degree `` Doctor of Divinity '' in 1892 . was awarded the degree `` Doctor of Divinity '' in 1892 +DePauw University awarded the degree `` Doctor of Divinity '' in 1892 . awarded DePauw University the degree `` Doctor of Divinity '' in 1892 +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . operate based upon Big Gun clubs a loose confederation +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . operate Unlike Big Gun clubs Fast Gun clubs +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . do not operate based upon Fast Gun clubs a loose confederation +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . reserves the ability to establish each Big Gun club its own rules +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . reserves the ability to maintain each Big Gun club its own rules +Unlike Fast Gun clubs , Big Gun clubs operate based upon a loose confederation , with each club reserving the ability to establish and maintain its own rules , provided that they coincide with the spirit of Big Gun Model Warship Combat . must coincide with rules of each Big Gun club the spirit of Big Gun Model Warship Combat +The poll points up some inconsistencies between what people say and what they do . points up The poll some inconsistencies between what people say and what they do +The poll points up some inconsistencies between what people say and what they do . are between some inconsistencies what people say and what they do +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . is Standing in contrast to it Descartes 's scientific reductionism +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . is Standing in contrast to it Descartes 's philosophical analysis +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . has Descartes scientific reductionism +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . has Descartes philosophical analysis +Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner . proposes to view systems in it a holistic manner +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . were born in The majority of the population of Leigh England +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . were born 2.10 % of the population of Leigh elsewhere within the United Kingdom +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . were born within 0.95 % of the population of Leigh the rest of the European Union +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . were born 1.47 % of the population of Leigh elsewhere in the world +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . is in England the European Union +The majority of the population of Leigh were born in England ; 2.10 % were born elsewhere within the United Kingdom , 0.95 % within the rest of the European Union , and 1.47 % elsewhere in the world . is in the United Kingdom the European Union +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . attributed the decline to A federation official brisk demand from domestic industries backed by continuing economic expansion in Japan +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . has Japan a continuing economic expansion +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . attributed the decline to brisk demand from A federation official domestic industries backed by continuing economic expansion in Japan +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . attributed the decline to brisk demand from domestic industries backed by A federation official continuing economic expansion in Japan +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . comes from A lot of brisk demand from domestic industries backed by continuing economic expansion in Japan +A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan . is backed by brisk demand from domestic industries continuing economic expansion in Japan +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . set out to duplicate scientifically Bioengineers that feat +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . set out to duplicate commercially Bioengineers that feat +Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms . set out to duplicate that feat with Bioengineers new life forms +But ex-slaves were able to own property outright , and their children were free of all constraint . were able ex-slaves to own property outright +But ex-slaves were able to own property outright , and their children were free of all constraint . were ex-slaves children free of all constraint +But ex-slaves were able to own property outright , and their children were free of all constraint . had ex-slaves children +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps William Stewart 's 2nd Division at Vitoria +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps William Stewart 's 2nd Division in Wellington 's invasion of southern France +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps the Portuguese Division at Vitoria +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps the Portuguese Division in Wellington 's invasion of southern France +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps Pablo Morillo 's Spanish Division at Vitoria +At Vitoria and in Wellington 's invasion of southern France , Hill corps usually consisted of William Stewart 's 2nd Division , the Portuguese Division and Pablo Morillo 's Spanish Division . usually consisted of Hill corps Pablo Morillo 's Spanish Division in Wellington 's invasion of southern France +When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage . opened New Tomorrowland in 1967 +When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage . was New Tomorrowland this ride +When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage . occupied New Tomorrowland space +When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage . was turned into the space that this ride occupied the Tomorrowland Stage When New Tomorrowland opened in 1967 +There are 109 individuals who belong to another church , and 20 individuals did not answer the question . belong to 109 individuals another church +There are 109 individuals who belong to another church , and 20 individuals did not answer the question . did not answer 20 individuals the question +But that development also had little effect on traders ' sentiment . also had little effect on that development traders ' sentiment +But that development also had little effect on traders ' sentiment . had traders sentiment +Yesterday , Nekoosa common closed in composite New York Stock Exchange trading at $ 62.875 , up $ 20.125 , on volume of almost 6.3 million shares . common closed at Nekoosa $ 62.875 in composite New York Stock Exchange trading Yesterday +Yesterday , Nekoosa common closed in composite New York Stock Exchange trading at $ 62.875 , up $ 20.125 , on volume of almost 6.3 million shares . common closed up Nekoosa $ 20.125 in composite New York Stock Exchange trading Yesterday +Yesterday , Nekoosa common closed in composite New York Stock Exchange trading at $ 62.875 , up $ 20.125 , on volume of almost 6.3 million shares . common closed on volume of Nekoosa almost 6.3 million shares in composite New York Stock Exchange trading Yesterday +Yesterday , Nekoosa common closed in composite New York Stock Exchange trading at $ 62.875 , up $ 20.125 , on volume of almost 6.3 million shares . was at composite trading New York Stock Exchange +Hofmann was born in Salt Lake City , Utah . was born in Hofmann Salt Lake City , Utah +Hofmann was born in Salt Lake City , Utah . was born Hofmann in Salt Lake City , Utah +Voorhees approved a plan in 2010 for an $ 850,000 artificial turf field to be completed by 2011 . approved a plan for Voorhees artificial turf field in 2010 +Voorhees approved a plan in 2010 for an $ 850,000 artificial turf field to be completed by 2011 . approved a plan for an $ 850,000 Voorhees artificial turf field in 2010 +Voorhees approved a plan in 2010 for an $ 850,000 artificial turf field to be completed by 2011 . to be artificial turf field completed by 2011 +All officers are additionally equipped with less-lethal weapons for use against threats that do not justify a firearms response . are All officers equipped with less-lethal weapons +All officers are additionally equipped with less-lethal weapons for use against threats that do not justify a firearms response . are for less-lethal weapons use against threats that do not justify firearms response +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . switched to Davis the major Columbia record label Soon afterwards +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . recorded Davis seven albums at the major Columbia record label over the next five years +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . recorded with Davis producer Leo Graham at the major Columbia record label over the next five years +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . recorded with Davis arranger James Mack at the major Columbia record label over the next five years +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . was Leo Graham a producer +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . was James Mack an arranger +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . had collaborated with Davis for arranger James Mack `` Turning Point '' +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . had collaborated with Davis for producer Leo Graham `` Turning Point '' +Soon afterwards , Davis switched to the major Columbia record label and recorded seven albums over the next five years with producer Leo Graham and arranger James Mack who had collaborated with him for `` Turning Point '' . was a Columbia major record label +Several years later the remaining trackage at Charles City was abandoned . was abandoned the remaining trackage at Charles City Several years later +Several years later the remaining trackage at Charles City was abandoned . was at the remaining trackage Charles City +They remained together into their elderly ages for more than 40 years only to marry in 2000 . remained together They for more than 40 years +They remained together into their elderly ages for more than 40 years only to marry in 2000 . remained together They into their elderly ages +They remained together into their elderly ages for more than 40 years only to marry in 2000 . marry They in 2000 +This often results in unexpected deaths , either directly or from stress-induced illness . results in This unexpected deaths often +This often results in unexpected deaths , either directly or from stress-induced illness . result from unexpected deaths stress-induced illness +This often results in unexpected deaths , either directly or from stress-induced illness . result directly unexpected deaths from This +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . began to siphon The Anti-Monitor the positive matter of New York City +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . was of the positive matter New York City +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . will be to create the positive matter of New York City The Anti-Monitor's Antimatter waves +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . has The Anti-Monitor Antimatter waves +The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves . is positive the matter of New York City +It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor . is supposed to make attractive to the party the promise of economic returns the corporatist model +It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor . is supposed to make attractive to labor the promise of economic returns the corporatist model +It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor . are promised economic returns +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . was given General Dynamics Corp. an $ 843 million Air Force contract +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . was for an $ 843 million Air Force contract F - 16 aircraft +General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment . was for an $ 843 million Air Force contract F - 16 aircraft related equipment +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . is due Japan 's No. 111 4.6 % bond 1998 +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . has Japan No. 111 4.6 % bond +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . ended at Japan 's No. 111 4.6 % bond due 1998 95.11 on brokers screens the day +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . ended to yield Japan 's No. 111 4.6 % bond due 1998 5.43 % the day +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . have brokers screens +Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % . is in No. 111 4.6 % bond due 1998 Japan +It could point to plenty of ailments that the Spanish economic rejuvenation so far has failed to cure . could point to It plenty of ailments that the Spanish economic rejuvenation so far has failed to cure +It could point to plenty of ailments that the Spanish economic rejuvenation so far has failed to cure . has failed to cure the Spanish economic rejuvenation plenty of ailments +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . became He the first code-crosser to play test rugby league for Australia a second time +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . was He a code-crosser +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . play He test rugby league for Australia a second time +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . play He in rugby union +He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union . returning He from rugby union +The car was based around a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine coupled to a custom three-speed transmission . was based around The car a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine +The car was based around a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine coupled to a custom three-speed transmission . was coupled to a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine a custom three-speed transmission +I am referring to those young men who chose to disobey their country 's call to arms during the Vietnam war and fled to Canada or some other sanctuary to avoid combat . am referring to I those young men who chose to disobey their country 's call to arms Canada or some other sanctuary to avoid combat during the Vietnam war and fled to +I am referring to those young men who chose to disobey their country 's call to arms during the Vietnam war and fled to Canada or some other sanctuary to avoid combat . chose to disobey I am referring to those young men who their country 's call to arms Canada or some other sanctuary to avoid combat during the Vietnam war and fled to +I am referring to those young men who chose to disobey their country 's call to arms during the Vietnam war and fled to Canada or some other sanctuary to avoid combat . fled to I am referring to those young men who chose to disobey their country 's call to arms during the Vietnam war and Canada or some other sanctuary to avoid combat +Jack Kemp has submitted a package of reforms , and they are surely headed for the Capitol Hill sausage - grinder . has submitted Jack Kemp a package of reforms +Jack Kemp has submitted a package of reforms , and they are surely headed for the Capitol Hill sausage - grinder . are surely headed for a package of reforms the Capitol Hill sausage - grinder +Jack Kemp has submitted a package of reforms , and they are surely headed for the Capitol Hill sausage - grinder . has a Capitol Hill sausage - grinder +The Harford County Public Schools system is the public school system serving the residents of Harford County . is The Harford County Public Schools system the public school system serving the residents of Harford County +The Harford County Public Schools system is the public school system serving the residents of Harford County . is serving The Harford County Public Schools system the residents of Harford County +The Harford County Public Schools system is the public school system serving the residents of Harford County . is The Harford County Public Schools system a public school system +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . introduced This work the - fstack-protector flag +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . protects the - fstack-protector flag only some vulnerable functions +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . introduced This work the - fstack-protector-all flag +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . protects whether they need it the - fstack-protector-all flag all functions +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . protects whether they need it not the - fstack-protector-all flag all functions +This work introduced the - fstack-protector flag , which protects only some vulnerable functions , and the - fstack-protector-all flag , which protects all functions whether they need it or not . are some functions vulnerable +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . were the rivalries all the clubs between +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . were In general the rivalries between all the clubs friendly +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . were known to switch families affiliations +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . switch depending on families which clubs offered preferred services +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . switch depending on families which clubs offered preferred events +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . offered clubs services +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . offered clubs events +In general , the rivalries between all the clubs were friendly , and families were known to switch affiliations depending on which one offered preferred services and events . were with affiliations clubs +Regulations meant that the original sixth lap would be deleted and the race would be restarted from the beginning of said lap . would be deleted Regulations meant that the original sixth lap +Regulations meant that the original sixth lap would be deleted and the race would be restarted from the beginning of said lap . would be restarted from Regulations meant that the race the beginning of said lap +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . also houses the lodge the Trail Crew In the summer +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . are housed at the Trail Crew the lodge In the summer +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . are the Trail Crew a crew of Dartmouth Outing Club students +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . help maintain the Trail Crew the seventeen Dartmouth +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . help maintain the Trail Crew 50 miles of Appalachian trail between Hanover and the Lodge itself +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . are from a crew of Outing Club students Dartmouth +In the summer , the lodge also houses the Trail Crew , a crew of Dartmouth Outing Club students who help maintain the seventeen Dartmouth Cabins & 50 miles of Appalachian trail between Hanover and the Lodge itself . are at seventeen Dartmouth Cabins the lodge +In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese . speak the locals a version of the Minnan language In Taiwan +In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese . is called a version of the Minnan language Taiwanese In Taiwan +In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese . speak the locals Taiwanese In Taiwan +In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese . is Taiwanese a version of the Minnan language In Taiwan +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . controlled Yusuf Ali Kenadid the Somalia region then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . controlled Boqor Osman Mahamuud the Somalia region then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . controlled Mohamoud Ali Shire the Somalia region then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were such as the Somali Sultans that controlled the region Yusuf Ali Kenadid then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were such as the Somali Sultans that controlled the region Boqor Osman Mahamuud then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were such as the Somali Sultans that controlled Mohamoud Ali Shire then +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . gained a foothold through the signing of The European powers various pacts and agreements with the Somali Sultans that then controlled the region in Somalia first +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . gained a foothold in The European powers Somalia +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were The powers that gained a foothold in Somalia European +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were in The powers that gained a foothold in Somalia Europe +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were with various pacts the Somali Sultans that then controlled the region +The European powers first gained a foothold in Somalia through the signing of various pacts and agreements with the Somali Sultans that then controlled the region , such as Yusuf Ali Kenadid , Boqor Osman Mahamuud and Mohamoud Ali Shire . were with various agreements the Somali Sultans that then controlled the region +In major market activity : Stock prices rose in light trading . rose in light In major market activity : Stock prices trading +Jaguar shares closed at 869 pence , up 122 pence , on hefty turnover of 9.7 million shares . closed at Jaguar shares 869 pence +Jaguar shares closed at 869 pence , up 122 pence , on hefty turnover of 9.7 million shares . closed on hefty turnover of Jaguar shares 9.7 million shares +Jaguar shares closed at 869 pence , up 122 pence , on hefty turnover of 9.7 million shares . were up Jaguar shares 122 pence , on hefty turnover of 9.7 million shares +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . agreed that People close to the GM - Jaguar talks Ford now may be able to shut out General Motors +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . are close to People the GM - Jaguar talks +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . talks to GM Jaguar +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . talks to Jaguar GM +People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors . may be able to shut out Ford General Motors now +So far , Nissan 's new - model successes are mostly specialized vehicles with limited sales potential . are mostly Nissan 's new - model successes specialized vehicles with limited sales potential So far +So far , Nissan 's new - model successes are mostly specialized vehicles with limited sales potential . has Nissan new - model successes +So far , Nissan 's new - model successes are mostly specialized vehicles with limited sales potential . have Nissan 's specialized vehicles limited sales potential +Mr. Rifenburgh also noted that 150 million shares of MiniScribe common stock were traded during the past three years , `` so there 's a tremendous amount of exposure . '' also noted Mr. Rifenburgh that 150 million shares of MiniScribe common stock were traded during the past three years +Mr. Rifenburgh also noted that 150 million shares of MiniScribe common stock were traded during the past three years , `` so there 's a tremendous amount of exposure . '' also noted Mr. Rifenburgh `` there 's a tremendous amount of exposure . '' +Each of these people influenced her development as a person . influenced Each of these people her development as a person +Each of these people influenced her development as a person . was as her development a person +The drop marked the largest monthly tumble since a 19 % slide in January 1982 . was a 19 % slide the monthly tumble in January 1982 +The drop marked the largest monthly tumble since a 19 % slide in January 1982 . marked The drop the largest monthly tumble since January 1982 +A second factor is resource dependence ; there must be a perceptible threat of resource depletion , and it must be difficult to find substitutes . is second factor resource dependence +A second factor is resource dependence ; there must be a perceptible threat of resource depletion , and it must be difficult to find substitutes . must be resource depletion a perceptible threat +A second factor is resource dependence ; there must be a perceptible threat of resource depletion , and it must be difficult to find substitutes . to find it must be difficult substitutes +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . is in the final , delicate stages of negotiating Eastern a second reorganization plan +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . are in the final , delicate stages of negotiating its creditors a second reorganization plan +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . has Eastern creditors +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . are the final stages of negotiating a second reorganization plan delicate +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . is to pay off a second reorganization plan the airline 's debts +Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts . has debts Eastern +Ed drives the creature into the airlock , with the intention of venting it into space . drives Ed the creature into the airlock +Ed drives the creature into the airlock , with the intention of venting it into space . has the intention of venting Ed the creature into space +In 1970 , Arad moved to the United States and enrolled at Hofstra University to study industrial management . moved to Arad the United States In 1970 +In 1970 , Arad moved to the United States and enrolled at Hofstra University to study industrial management . enrolled at Arad Hofstra University In 1970 +In 1970 , Arad moved to the United States and enrolled at Hofstra University to study industrial management . will study Arad industrial management at Hofstra University +Because the federal pension agency had taken over the old plans , LTV would be responsible only for benefits paid under the new pension plans . had taken over the federal pension agency the old plans +Because the federal pension agency had taken over the old plans , LTV would be responsible only for benefits paid under the new pension plans . would be responsible only for LTV benefits paid under the new pension plans +Because the federal pension agency had taken over the old plans , LTV would be responsible only for benefits paid under the new pension plans . Because LTV would be responsible only for benefits paid under the new pension plans the federal pension agency had taken over the old plans +Last year , the Supreme Court defined when companies , such as military contractors , may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract . defined the Supreme Court when companies may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract Last year +Last year , the Supreme Court defined when companies , such as military contractors , may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract . defined the Supreme Court when companies , such as military contractors , may defend themselves Last year +Last year , the Supreme Court defined when companies , such as military contractors , may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract . asserted the Supreme Court that companies , such as military contractors , may defend themselves against lawsuits for deaths or injuries Last year +Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter , the firm added . numbered Large cross - border deals 51 in the second quarter +Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter , the firm added . totaled Large cross - border deals $ 17.1 billion in the second quarter +Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter , the firm added . added the firm Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . is Muscles an Undercover cop +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . has Undercover cop Muscles childhood friends +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . enlists Undercover cop Muscles his childhood friends to travel to Japan to help him catch a Yakuza group +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . enlists his childhood friends to Undercover cop Muscles travel to Japan to help him catch a Yakuza group +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . enlists his childhood friends to travel to Undercover cop Muscles Japan +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . enlists his childhood friends to travel to Japan to Undercover cop Muscles help him catch a Yakuza group +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . enlists his childhood friends to travel to Japan to help him catch Undercover cop Muscles a Yakuza group +Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group . are the `` Five Lucky Stars '' Undercover cop Muscles' childhood friends +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . don't possess They eyelids +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . they must lick their They don't possess eyelids so eyeballs clean in order to keep them moist +They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist . must lick their eyeballs clean they in order to keep them moist +In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite . required from Florence her grandmother high standards of behavior +In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite . had Florence grandmother +In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite . was referring to the family as her grandmother descendants of Virginia 's colonial elite +In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite . were in colonial elite Virginia +Following the decision to withdraw tram services in London and replace them with buses , the station closed just after 12.30 am on 6 April 1952 . closed the station just after 12.30 am on 6 April 1952 +Following the decision to withdraw tram services in London and replace them with buses , the station closed just after 12.30 am on 6 April 1952 . closed Following the station the decision to withdraw tram services in London and replace them with buses +Following the decision to withdraw tram services in London and replace them with buses , the station closed just after 12.30 am on 6 April 1952 . was to withdraw the decision tram services in London +Following the decision to withdraw tram services in London and replace them with buses , the station closed just after 12.30 am on 6 April 1952 . was to replace with buses the decision tram services in London +The number of ones equals the number of zeros plus one , since the state containing only zeros can not occur . equals The number of ones the number of zeros plus one +The number of ones equals the number of zeros plus one , since the state containing only zeros can not occur . can not occur the state containing only zeros +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . were sent to the commissioners the army +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . would supervise commissioners accountants +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . would supervise commissioners providers +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . would supervise commissioners merchants +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . would supervise commissioners generals +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . has support for this adoption high bit depths +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . can be required for high bit depths film work +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . was over this adoption mainline gimp +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . has no support for mainline gimp high bit depths +The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work . was The main reason for its support for high bit depths which can be required for film work this adoption over mainline gimp +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . has Zama plant the company +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . is the company 's Zama plant outside Tokyo +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . is of One group middle - aged manufacturing men from the company 's Zama plant outside Tokyo +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . was supposed to check out One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo a trendy restaurant in the city +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . will be the restaurant trendy +One group of middle - aged manufacturing men from the company 's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city . will be the restaurant in the city +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . is for This manual warriors +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . describes This manual for warriors the necessity for understanding an opponent 's weaknesses +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . describes This manual for warriors the necessity for using spies +This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness . describes This manual for warriors the necessity for striking in moments of weakness +Consistent with systems philosophy , systems thinking concerns an understanding of a system by examining the linkages and interactions between the elements that compose the entirety of the system . concerns an understanding of a system by examining systems thinking the linkages between the elements that compose the entirety of the system +Consistent with systems philosophy , systems thinking concerns an understanding of a system by examining the linkages and interactions between the elements that compose the entirety of the system . concerns an understanding of a system by examining systems thinking the interactions between the elements that compose the entirety of the system +Consistent with systems philosophy , systems thinking concerns an understanding of a system by examining the linkages and interactions between the elements that compose the entirety of the system . is Consistent with systems thinking systems philosophy +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . was he a lawyer in Hillsborough , North Carolina Prior to the war +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . was he a public official in Hillsborough , North Carolina Prior to the war +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . was he a politician in Hillsborough , North Carolina Prior to the war +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . is in Hillsborough North Carolina +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . was heavily involved in opposing he the Regulator movement Prior to the war +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . was an uprising of the Regulator movement settlers in the North Carolina piedmont between 1765 and 1771 +Prior to the war , he was a lawyer , public official , and politician in Hillsborough , North Carolina , and was heavily involved in opposing the Regulator movement , an uprising of settlers in the North Carolina piedmont between 1765 and 1771 . were in settlers the North Carolina piedmont +At first , she seems happy with this arrangement . seems she happy with this arrangement At first +The network must refund money to the advertisers and loses considerable revenue and prestige . must refund money to the The network advertisers +The network must refund money to the advertisers and loses considerable revenue and prestige . loses The network considerable revenue and prestige +The network must refund money to the advertisers and loses considerable revenue and prestige . loses The network considerable revenue +The network must refund money to the advertisers and loses considerable revenue and prestige . loses The network prestige +Their purpose is to be fair to both parties , disallowing the raising of allegations without a basis in provable fact . is to be fair to Their purpose both parties +Their purpose is to be fair to both parties , disallowing the raising of allegations without a basis in provable fact . is fair to disallowing the raising of allegations without a basis in provable fact both parties +Their purpose is to be fair to both parties , disallowing the raising of allegations without a basis in provable fact . are disallowing the raising of allegations without They a basis in provable fact +After a break of four years , he became a Lord Justice of Appeal . became he a Lord Justice of Appeal After a break of four years +After a break of four years , he became a Lord Justice of Appeal . had he a break of four years +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . is Boyer a university researcher still +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . is Cohen a university researcher still +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . are both university researchers still +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . are both Boyer and Cohen +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . had to be talked into applying for Boyer a patent on their gene - splicing technique +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . had to be talked into applying for Cohen a patent on their gene - splicing technique +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . had Boyer a gene - splicing technique +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . had Cohen a gene - splicing technique +Boyer and Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique -- and then the Patent Office refused to grant it . refused to grant the Patent Office a patent on their gene - splicing technique then +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . rendezvoused with We our balloon finally +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . had come to rest on our balloon a dirt road +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . had come to rest amid our balloon a clutch of Epinalers +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . watched us disassemble a clutch of Epinalers our craft +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . are in a clutch Epinalers +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . included disassembling our craft the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was yanked to the balloon the ground +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was punched out of all the air the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was rolled up the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was crammed into the balloon the trailer +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was crammed into the basket the trailer +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . took disassembling our craft half - an - hour +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was another half - an - hour of disassembling our craft non - flight activity +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was of yanking to the ground the precision routine the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was of punching all the air out of the precision routine the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was of rolling up the precision routine the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was of cramming into the trailer the precision routine the balloon +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . was dirt the road +We finally rendezvoused with our balloon , which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half - an - hour of non - flight activity -- that included the precision routine of yanking the balloon to the ground , punching all the air out of it , rolling it up and cramming it and the basket into the trailer . is precision the routine +It was only incidentally that economic issues appeared in nationalist political forms . appeared only incidentally in economic issues nationalist political forms +Other people that can be classified using this title include the Vice President and Cabinet secretaries . that can be classified using this title include people the Vice President and Cabinet secretaries +Other people that can be classified using this title include the Vice President and Cabinet secretaries . can be classified using people this title +Other people that can be classified using this title include the Vice President and Cabinet secretaries . classified using this title include people the Vice President +Other people that can be classified using this title include the Vice President and Cabinet secretaries . classified using this title include people Cabinet secretaries +Other people that can be classified using this title include the Vice President and Cabinet secretaries . using this title include people the Vice President +Other people that can be classified using this title include the Vice President and Cabinet secretaries . using this title include people Cabinet secretaries +Other people that can be classified using this title include the Vice President and Cabinet secretaries . is classified using the Vice President this title +Other people that can be classified using this title include the Vice President and Cabinet secretaries . are classified using Cabinet secretaries this title +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . delivered popular internet reviewers RedLetterMedia a scathing video critique of the film In 2010 +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . were drawing negative comparisons of the film to popular internet reviewers RedLetterMedia The Three Stooges In 2010 +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . were drawing negative comparisons of the film to popular internet reviewers RedLetterMedia Looney Tunes In 2010 +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . were drawing negative comparisons of the film to popular internet reviewers RedLetterMedia `` Home Alone '' In 2010 +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . are RedLetterMedia popular +In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges , Looney Tunes , and `` Home Alone '' . are RedLetterMedia internet reviewers +They say these are small prices to pay for galvanizing action for the all - important cause . say They these are small prices to pay for galvanizing action for the all - important cause +They say these are small prices to pay for galvanizing action for the all - important cause . is all - important the cause +They say these are small prices to pay for galvanizing action for the all - important cause . are small prices to pay for galvanizing action for the all - important cause +They say these are small prices to pay for galvanizing action for the all - important cause . pay for galvanizing action for these small prices the all - important cause +Wild radish seeds contain up to 48 % oil content , and while not suitable for human consumption , this oil is a potential source of biofuel . contain up to Wild radish seeds 48 % oil content +Wild radish seeds contain up to 48 % oil content , and while not suitable for human consumption , this oil is a potential source of biofuel . not suitable for Wild radish seeds human consumption +Wild radish seeds contain up to 48 % oil content , and while not suitable for human consumption , this oil is a potential source of biofuel . is a Wild radish seeds oil potential source of biofuel +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were hiding Korean villagers resistance fighters +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were dealt with Korean villagers hiding resistance fighters harshly +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were often dealt with Korean villagers hiding resistance fighters summary execution +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were often dealt with Korean villagers hiding resistance fighters rape +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were often dealt with Korean villagers hiding resistance fighters forced labour +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were often dealt with Korean villagers hiding resistance fighters looting +Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting . were in villagers hiding resistance fighters Korea +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . is Ryan Cameron a morning show host +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . is Ryan Cameron a show host in the morning +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . lobbied for morning show host Ryan Cameron a frequency change for WHTA +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . lobbied by putting together morning show host Ryan Cameron a petition from listeners +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . put together a petition from listeners at morning show host Ryan Cameron the risk of losing his job under Radio One 's management +This led morning show host Ryan Cameron to lobby for a frequency change for WHTA by putting together a petition from listeners at the risk of losing his job under Radio One 's management . was under morning show host Ryan Cameron's job Radio One 's management +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . attend commissioners war councils +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . attend commissioners tribunals for military crimes +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . in charge of commissioners provisioning the army +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . in charge of commissioners policing +Along with these , there were also commissioners sent to the army , in charge of provisioning the army , policing and finances ; they would supervise accountants , providers , merchants , and generals , and attend war councils and tribunals for military crimes . in charge of commissioners finances +He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes . did not go as far as he could have He in tax reductions +He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes . indeed combined them with he increases in indirect taxes +Made of space - age materials , the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race , the company claims . are Made of the wheel spokes space - age materials +Made of space - age materials , the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race , the company claims . are designed like the wheel spokes airplane wings +Made of space - age materials , the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race , the company claims . are designed to shave 10 minutes off the wheel spokes the time of a rider in a 100 - mile race +Made of space - age materials , the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race , the company claims . claims the company the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100 - mile race +And the lawyers were just as eager as the judge to wrap it up . were just as eager as the lawyers the judge to wrap it up +And the lawyers were just as eager as the judge to wrap it up . were eager to the lawyers wrap it up +And the lawyers were just as eager as the judge to wrap it up . was eager to the judge wrap it up +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . is charged with reviewing The Library Board the strategic plans of the Harvard Library +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . is charged with assessing The Library Board its progress in meeting those plans +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . are those plans the strategic plans of the Harvard Library +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . is charged with reviewing The Library Board system-wide policies +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . is charged with reviewing The Library Board system-wide standards +The Library Board is charged with reviewing the strategic plans of the Harvard Library and assessing its progress in meeting those plans , reviewing system-wide policies and standards and overseeing the progress of the central services . is charged with overseeing The Library Board the progress of the central services +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . premiered at The exhibit the Helmut Newton Foundation in Berlin +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . is in the Helmut Newton Foundation Berlin +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . combined the work of all three with The exhibit personal snapshots from their time with Helmut +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . combined the work of all three with The exhibit contact sheets from their time with Helmut +The exhibit premiered at the Helmut Newton Foundation in Berlin and combined the work of all three with personal snapshots , contact sheets , and letters from their time with Helmut . combined the work of all three with The exhibit letters from their time with Helmut +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . was The explosion at Lletty Shenkin in 1849 +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . led to demands for The Lletty Shenkin explosion of 1849 improved safety in the mines +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . led to demands by The Lletty Shenkin explosion of 1849 the local middle classes in Aberdare +The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines . were in the local middle classes Aberdare +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . He has been considered several times for appointments to federal district in Pennsylvania +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . He has been considered several times for appellate court vacancies in Pennsylvania +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . He has been considered several times for appointments to federal district in Pennsylvania +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . Pennsylvania has appointments to federal district +He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania . Pennsylvania has appellate court vacancies +On 1 July 1955 he was made an Officer of the Order of St John . was made he an Officer of the Order of St John On 1 July 1955 +Ballast tanks are equipped to change a ship 's trim and modify its stability . are equipped to change Ballast tanks a ship 's trim +Ballast tanks are equipped to change a ship 's trim and modify its stability . are equipped to modify Ballast tanks a ship 's stability +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . demanded the infantry based part of the doctrine `` powerful tanks '' +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . demanded the infantry based part of the doctrine `` tankettes '' +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . demanded the shock Army `` manoeuvre tanks '' +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . will be used in conjunction with `` manoeuvre tanks '' motorized forces +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . will be used in conjunction with `` manoeuvre tanks '' `` mechanized cavalry '' +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . would operate in depth as `` manoeuvre tanks '' `` strategic cavalry '' +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . will be combined with `` strategic cavalry '' nascent airborne troops +While the infantry based part of the doctrine demanded `` powerful tanks '' and `` tankettes '' , the shock Army demanded `` manoeuvre tanks '' used in conjunction with motorized forces and `` mechanized cavalry '' that would operate in depth as `` strategic cavalry '' combined with nascent airborne troops . had the doctrine an infantry based part +Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country . made their debut through Many young South African artists the numerous road shows which toured the country on LM Radio +Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country . toured numerous road shows the country +Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country . are Many young artists of South Africa +Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country . are Many young artists South African +The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points . is The yield 10.48 % +The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points . represents a spread to the 20 - year Treasury of The 10.48 % yield 2.45 percentage points +Both sides are jealously guarding their turf , and relations have been at a flashpoint for months . are jealously guarding Both sides their turf +Both sides are jealously guarding their turf , and relations have been at a flashpoint for months . have been at relations a flashpoint for months +Both sides are jealously guarding their turf , and relations have been at a flashpoint for months . have Both sides relations +Both sides are jealously guarding their turf , and relations have been at a flashpoint for months . have Both sides turf +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . were released and continue to reside in Lugo and Lozano Venezuela 1993 +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . were released in Lugo and Lozano 1993 +Lugo and Lozano were released in 1993 and continue to reside in Venezuela . continue to reside in Lugo and Lozano Venezuela +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . is for demand hybrid seeds in recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds chemical companies In recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds biotechnology companies In recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds a number of companies In recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . is including a number of chemical and biotechnology companies Monsanto Co. +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . is including a number of chemical and biotechnology companies Shell Oil Co. +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . is including a number of chemical and biotechnology companies Eli Lilly & Co +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds Monsanto Co. In recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds Shell Oil Co. In recent years +In recent years , demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies , including Monsanto Co. , Shell Oil Co. and Eli Lilly & Co . has spurred research at demand for hybrid seeds Eli Lilly & Co In recent years +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . has executed Texas over four times more inmates than Virginia In the post - `` Gregg '' era +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . has executed Texas nearly 37 times more inmates than California In the post - `` Gregg '' era +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . has executed Virginia inmates +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . has executed California inmates +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . were executed in inmates Virginia In the post - `` Gregg '' era +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . were executed in inmates California In the post - `` Gregg '' era +In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California . were executed in inmates Texas In the post - `` Gregg '' era +High Court judges are therefore referred to as the Honourable Mr/Mrs Justice Smith . are therefore referred to as High Court judges the Honourable Mr/Mrs Justice Smith +Alexander supposedly said after this incident that he had never been so lucky in his entire career . supposedly said Alexander that he had never been so lucky in his entire career +In 1984 , KOMO became the first television station to broadcast daily programming in full stereo sound . became KOMO the first television station to broadcast daily programming in full stereo sound In 1984 +In 1984 , KOMO became the first television station to broadcast daily programming in full stereo sound . is KOMO a television station +In 1984 , KOMO became the first television station to broadcast daily programming in full stereo sound . broadcast in full stereo sound KOMO daily programming In 1984 +Joining another fast and mobile carrier task force , `` Hazelwood '' sortied 11 February to protect carriers as they launched heavy air strikes against the Japanese home islands 16 and 17 February . as they launched carriers heavy air strikes against the Japanese home islands Japanese home islands 16 and 17 February +Joining another fast and mobile carrier task force , `` Hazelwood '' sortied 11 February to protect carriers as they launched heavy air strikes against the Japanese home islands 16 and 17 February . sortied to protect Hazelwood another fast and mobile carrier task force Japanese home islands 11 February +Joining another fast and mobile carrier task force , `` Hazelwood '' sortied 11 February to protect carriers as they launched heavy air strikes against the Japanese home islands 16 and 17 February . launched heavy air strikes against mobile carrier task force the Japanese home islands Japanese home islands 16 and 17 February +Joining another fast and mobile carrier task force , `` Hazelwood '' sortied 11 February to protect carriers as they launched heavy air strikes against the Japanese home islands 16 and 17 February . Joining Hazelwood another fast and mobile carrier task force Japanese home islands 11 February +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . boomed The population in The city +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . were formed 5 boroughs in The city +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . was opened the New York City Subway in The city +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . became the New York City Subway a symbol of progress in The city +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . became the New York City Subway a symbol of innovation in The city +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . was in the Subway New York City +The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation . was The city New York City +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . started The campaign last week +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . runs The campaign through Nov. 23 +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . says a spokeswoman The campaign `` was Barry 's idea '' +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . is with funds earmarked for The campaign the quake +The campaign , which started last week and runs through Nov. 23 , with funds earmarked for both the quake and Hugo , `` was Barry 's idea , '' a spokeswoman says . is with funds earmarked for The campaign Hugo +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . was the German surrender in Italy on 2 May +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . was pursued to the routed enemy the French border +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . was halted Pursuit of the routed enemy to the French border on 2 May +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . was halted upon Pursuit of the routed enemy to the French border the German surrender in Italy on 2 May +Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy . was routed the enemy +They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians . believe in God as They a single entity +They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians . believe in God not as They the Trinity accepted by the vast majority of Christians +They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians . is accepted by God as the Trinity the vast majority of Christians +They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians . is not accepted by God as a single entity the vast majority of Christians +Baako 's grandmother Naana , a blind-seer , stands in living contact with the ancestors . is Naana Baako 's grandmother +Baako 's grandmother Naana , a blind-seer , stands in living contact with the ancestors . is Naana a blind-seer +Baako 's grandmother Naana , a blind-seer , stands in living contact with the ancestors . stands in living contact Naana with the ancestors +The offering , Series 109 , is backed by Freddie Mac 10 % securities . is Series 109 The offering +The offering , Series 109 , is backed by Freddie Mac 10 % securities . is backed by Series 109 Freddie Mac 10 % securities +The offering , Series 109 , is backed by Freddie Mac 10 % securities . is backed by The offering Freddie Mac 10 % securities +The offering , Series 109 , is backed by Freddie Mac 10 % securities . has 10 % securities Freddie Mac +It was a notable influence on John Buchan and Ken Follett , who described it as `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' was a notable influence on It John Buchan +It was a notable influence on John Buchan and Ken Follett , who described it as `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' was a notable influence on It Ken Follett +It was a notable influence on John Buchan and Ken Follett , who described it as `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' described it as Ken Follett `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' +It was a notable influence on John Buchan and Ken Follett , who described it as `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' described it as John Buchan `` an open-air adventure thriller about two young men who stumble upon a German armada preparing to invade England . '' +All three had been photography students at The Art Center College of Design in Pasadena , California in 1979 when they became Newton 's longtime assistants , and all three went on to independent careers . had been All three photography students at The Art Center College of Design in Pasadena , California in 1979 when they became Newton 's longtime assistants +All three had been photography students at The Art Center College of Design in Pasadena , California in 1979 when they became Newton 's longtime assistants , and all three went on to independent careers . went on to all three independent careers +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . against other viral diseases followed Vaccinations rabies vaccination by Louis Pasteur in 1886 +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . by rabies vaccination Louis Pasteur in 1886 +Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 . against other Vaccinations viral diseases followed +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . grows well in The oilseed radish cool climates +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . has The oilseed radish industrial use +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be used as The oilseed radish a cover crop +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be grown to increase The oilseed radish soil fertility +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be grown to scavenge The oilseed radish nutrients +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be grown to suppress The oilseed radish weeds +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be grown to help alleviate The oilseed radish soil compaction +The oilseed radish grows well in cool climates and , apart from its industrial use , can be used as a cover crop , grown to increase soil fertility , to scavenge nutrients , suppress weeds , help alleviate soil compaction and prevent winter erosion of the soil . can be grown to help prevent The oilseed radish erosion of the soil in winter +In 1840 , he was appointed to command his regiment , a post he held for nearly fourteen years . was appointed to command he his regiment In 1840 +In 1840 , he was appointed to command his regiment , a post he held for nearly fourteen years . held he the post for nearly fourteen years +In 1840 , he was appointed to command his regiment , a post he held for nearly fourteen years . was the post to command his regiment +During the latter , Springsteen mentioned he did plan to work with the E Street Band again in the future , but was vague about details . mentioned Springsteen he did plan to work with the E Street Band in the future +During the latter , Springsteen mentioned he did plan to work with the E Street Band again in the future , but was vague about details . was vague Springsteen about details +He left that post to become the second commander of the U.S. Army 's 1st Armored Division . left to become He the second commander of the U.S. Army 's 1st Armored Division that post +He left that post to become the second commander of the U.S. Army 's 1st Armored Division . is of the Army 1st Armored Division the U.S. +He left that post to become the second commander of the U.S. Army 's 1st Armored Division . has the U.S. Army a 1st Armored Division +The town and surrounding villages were hit by two moderate earthquakes within ten years . hit two moderate earthquakes The town and surrounding villages within ten years +The town and surrounding villages were hit by two moderate earthquakes within ten years . hit moderate earthquakes within ten years +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . played He 37 times in the 1987-88 season +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . played mainly at He right-back in the 1987-88 season +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . scored He nine goals in the 1987-88 season +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . is excellent for nine goals a player who mainly featured in defence +He played 37 times , mainly at right-back , in the 1987-88 season , and scored nine goals - excellent for a player who mainly featured in defence . was He a player who mainly featured in defence +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . was the first Triangle workshop held at Pine Plains , New York in 1982 +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . held They the first Triangle workshop at Pine Plains , New York in 1982 +They held the first Triangle workshop in 1982 for thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York . was for the first Triangle workshop thirty sculptors and painters from the US , the UK and Canada at Pine Plains , New York in 1982 +During the 1730s Britain 's relationship with Spain had slowly declined . had slowly declined Britain 's relationship with Spain During the 1730s +During the 1730s Britain 's relationship with Spain had slowly declined . had Britain relationship with Spain During the 1730s +KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . '' helped to keep the calm by airing KFI President Franklin D. Roosevelt 's `` Fireside Chats '' during the dark days of World War II +KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . '' had President Franklin D. Roosevelt `` Fireside Chats '' +KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . '' was Franklin D. Roosevelt President +KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . '' had World War II dark days +Other Senators want to lower the down payments required on FHA - insured loans . want to lower Other Senators the down payments required on FHA - insured loans +Other Senators want to lower the down payments required on FHA - insured loans . are required on down payments FHA - insured loans +Other Senators want to lower the down payments required on FHA - insured loans . are loans FHA - insured +However , it does n't give much of a clue as to whether a recession is on the horizon . does n't give much of a clue as to However, it whether a recession is on the horizon +However , it does n't give much of a clue as to whether a recession is on the horizon . does n't give However , it much of a clue as to whether a recession is on the horizon +Human behavioral ecologists assume that what might be the most adaptive strategy in one environment might not be the most adaptive strategy in another environment . assume that Human behavioral ecologists what might be the most adaptive strategy in one environment might not be the most adaptive strategy in another environment +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . was released on `` My Classical Way '' on Marc 's own label , Frazzy Frog Music 21 September 2010 +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . has Marc own label +`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music . is Marc 's own label Frazzy Frog Music +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . uses The film some computer-generated graphics +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . are flying over the geese Olaf 's house in the film later +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . walks through the fields to Inge Olaf 's house in the film +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . were flying over the geese Olaf 's house +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . walks through Inge the fields +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . walks to Inge Olaf 's house +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . walks to take Inge a bath at Olaf 's house +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . are the geese flying over Olaf 's house computer-generated graphics in the film +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . are The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath computer-generated graphics in the film +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . are The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . were some graphics computer-generated in The film +The film uses some computer-generated graphics : The northern lights in the scene where Inge walks through the fields to Olaf 's house to take a bath , and , later in the film , the geese flying over Olaf 's house . are The lights northern +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . was confirmed by An alternative explanation recent events +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . was confirmed by An alternative explanation a close inspection of the Gorbachev program +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . was confirmed by a more convincing explanation recent events +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . was confirmed by a more convincing explanation a close inspection of the Gorbachev program +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . is that An alternative explanation the new Soviet economic and social structures are intended to conform to a model other than that of the market +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . is that a more convincing explanation the new Soviet economic and social structures are intended to conform to a model other than that of the market +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . are intended to conform to the new Soviet economic structures a model other than that of the market +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . are intended to conform to the new Soviet social structures a model other than that of the market +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . are the new economic structures Soviet +An alternative and more convincing explanation , confirmed by recent events and a close inspection of the Gorbachev program , is that the new Soviet economic and social structures are intended to conform to a model other than that of the market . are the new social structures Soviet +Adnan Latif was in a car accident in 1994 , during which he suffered significant head injuries , which left him with on-going neurological problems . was in Adnan Latif a car accident in 1994 +Adnan Latif was in a car accident in 1994 , during which he suffered significant head injuries , which left him with on-going neurological problems . suffered Adnan Latif significant head injuries +Adnan Latif was in a car accident in 1994 , during which he suffered significant head injuries , which left him with on-going neurological problems . was left with Adnan Latif on-going neurological problems +He accused Maroboduus of hiding in the Hercynian Forest while the other Germans fought for freedom , and accused Maroboduus of being the only king among the Germans . accused He Maroboduus of hiding in the Hercynian Forest while the other Germans fought for freedom +He accused Maroboduus of hiding in the Hercynian Forest while the other Germans fought for freedom , and accused Maroboduus of being the only king among the Germans . accused He Maroboduus of being the only king among the Germans +These are known as Porter 's three generic strategies and can be applied to any size or form of business . are known as These Porter 's three generic strategies +These are known as Porter 's three generic strategies and can be applied to any size or form of business . has Porter three generic strategies +These are known as Porter 's three generic strategies and can be applied to any size or form of business . are Porter 's three strategies generic +These are known as Porter 's three generic strategies and can be applied to any size or form of business . can be applied to Porter 's three generic strategies any size of business +These are known as Porter 's three generic strategies and can be applied to any size or form of business . can be applied to Porter 's three generic strategies any form of business +$ 200 million of bonds due Nov. 16 , 1994 , with equity - purchase warrants , indicating a 4 1\/2 % coupon at par via Yamaichi International Europe Ltd . $ 200 million of bonds due Nov. 16 , 1994 , with equity - purchase warrants , indicating a 4 1\/2 % coupon at par via Yamaichi International Europe Ltd +$ 200 million of bonds due Nov. 16 , 1994 , with equity - purchase warrants , indicating a 4 1\/2 % coupon at par via Yamaichi International Europe Ltd . $ 200 million of bonds is due Nov. 16 , 1994 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 657 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 669 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 846 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 850 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 852 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 853 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 862 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 980 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 986 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 996 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 1048 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 1071 +A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 . were held councils in 1080 +If the government can stick with them , it will be able to halve this year 's 120 billion ruble ( US$ 193 billion ) deficit . can stick with If the government them , it will be able to halve this year 's 120 billion ruble ( US$ 193 billion ) deficit +If the government can stick with them , it will be able to halve this year 's 120 billion ruble ( US$ 193 billion ) deficit . will be able to halve If the government can stick with them , it this year 's 120 billion ruble ( US$ 193 billion ) deficit +Thus , acquisition of quantitative heavy-element spectra can be time-consuming , taking tens of minutes to hours . takes acquisition of quantitative heavy-element spectra tens of minutes to hours +Thus , acquisition of quantitative heavy-element spectra can be time-consuming , taking tens of minutes to hours . is acquisition of quantitative heavy-element spectra time-consuming +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts , short sketches , and recurring show elements . was happening upon The show spoof adverts , short sketches , and recurring show elements +The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts , short sketches , and recurring show elements . was designed to appear The show as if the viewer was channel surfing through a multi-channel wasteland +Test & official start of the TVN24 HD started on 30 November 2012 . started on Test of the TVN24 HD 30 November 2012 +Test & official start of the TVN24 HD started on 30 November 2012 . started on official start of the TVN24 HD 30 November 2012 +Ms. Waleson is a free - lance writer based in New York . is Ms. Waleson a free - lance writer +Ms. Waleson is a free - lance writer based in New York . is based in Ms. Waleson New York +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . served as He the first Prime Minister of Australia +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . became He a founding justice of the High Court of Australia +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . has a Australia Prime Minister +He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia . has a Australia High Court +RU-486 is being administered in France only under strict supervision in the presence of a doctor . is being administered RU-486 only under strict supervision in France +RU-486 is being administered in France only under strict supervision in the presence of a doctor . is being administered RU-486 only in the presence of a doctor in France +Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc . Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc +Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc . Armstrong World Industries Inc. will sell its operations to Shaw Industries Inc +The ultimate outcome depends on what he does , not on what we do . depends on The ultimate outcome what he does +The ultimate outcome depends on what he does , not on what we do . depends not on The ultimate outcome what we do +The ultimate outcome depends on what he does , not on what we do . is ultimate The outcome +The lead single that holds the same name , is a soft melodic song that differs from Tiger JK 's past releases . holds the same The lead single name +The lead single that holds the same name , is a soft melodic song that differs from Tiger JK 's past releases . is a The lead single soft melodic song +The lead single that holds the same name , is a soft melodic song that differs from Tiger JK 's past releases . differs from The lead single Tiger JK 's past releases +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . caught flat - footed the government 's action Jaguar management +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . may scuttle the government 's action the GM minority deal +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . will be forcing to fight for all of Jaguar the government 's action GM +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . had the government an action +But the government 's action , which caught Jaguar management flat - footed , may scuttle the GM minority deal by forcing it to fight for all of Jaguar . had GM a minority deal +He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers . made a midnight requisition of all the printers he could lay hands on so that He he could monitor all the telephone lines coming into the lab 's computers +He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers . made a midnight requisition of He all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers +He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers . made a midnight requisition of He all the printers he could lay hands on +He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab 's computers . are coming into telephone lines the lab 's computers +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . won from Salahuddin Patharghatti assembly seat In 1962 +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . won as Salahuddin an Independent candidate In 1962 +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . won from Salahuddin Charminar constituency in 1967 +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . won as Salahuddin an Independent candidate in 1967 +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . has Patharghatti an assembly seat +In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 . has Charminar a constituency +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . handcuffed Graner him to the bars of a cell window +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . left Graner him there for nearly five hours +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . left handcuffed to Graner him the bars of a cell window for nearly five hours +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . left with feet dangling Graner him off the floor for nearly five hours +Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours . has cell window bars +Indeed , the `` art of doctoring '' does contribute to better health results and discourages unwarranted malpractice litigation . does Indeed contribute to the `` art of doctoring '' better health results +Indeed , the `` art of doctoring '' does contribute to better health results and discourages unwarranted malpractice litigation . Indeed discourages the `` art of doctoring '' unwarranted malpractice litigation +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . is Andrew Boyle Childers 's biographer +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . has Childers a biographer +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . noted Childers 's biographer Andrew Boyle `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . is Childers an English writer +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . has Childers a book +Childers 's biographer Andrew Boyle noted : `` For the next ten years Childers 's book remained the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness '' . remained Childers 's book the most powerful contribution of any English writer to the debate on Britain 's alleged military unpreparedness For the next ten years +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are expected to rise according to sales of treadmills the National Sporting Goods Association this year +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are expected to rise according to sales of exercise bikes the National Sporting Goods Association this year +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are expected to rise according to sales of stair climbers the National Sporting Goods Association this year +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are, according to the National Sporting Goods Association , expected to rise to sales of treadmills , exercise bikes , stair climbers and the like about $ 1.52 billion this year +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are, according to the National Sporting Goods Association , expected to rise sales of treadmills , exercise bikes , stair climbers and the like 8 % this year +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . sees as one of the hottest growth areas the National Sporting Goods Association the home market for the 1990s +For instance , sales of treadmills , exercise bikes , stair climbers and the like are expected to rise 8 % to about $ 1.52 billion this year , according to the National Sporting Goods Association , which sees the home market as one of the hottest growth areas for the 1990s . are expected to rise according to sales of the like the National Sporting Goods Association this year +Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it . was a federal measure in June +Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it . was allowing houses to add research fees to a federal measure their commissions in June +Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it . did n't Even stop a federal measure allowing houses to add research fees to their commissions it in June +Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it . are allowed to add to their commissions houses research fees +For a long time , he ignored baseball altogether , even the sports pages . ignored altogether he baseball For a long time +For a long time , he ignored baseball altogether , even the sports pages . ignored even he the sports pages For a long time +Like most incarnations , Felicia has a relationship with Spider-Man Noir . has a relationship with Felicia Spider-Man Noir +Like most incarnations , Felicia has a relationship with Spider-Man Noir . has Felicia a relationship with Spider-Man Noir +Like most incarnations , Felicia has a relationship with Spider-Man Noir . is Like Felicia most incarnations +Like most incarnations , Felicia has a relationship with Spider-Man Noir . has , Like most incarnations , a relationship with Felicia Spider-Man Noir +Plant communities include creosote and sagebrush at lower altitudes , and bristlecone pine forests at higher . include Plant communities creosote at lower altitudes +Plant communities include creosote and sagebrush at lower altitudes , and bristlecone pine forests at higher . include Plant communities sagebrush at lower altitudes +Plant communities include creosote and sagebrush at lower altitudes , and bristlecone pine forests at higher . include Plant communities bristlecone pine forests at higher altitudes +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . joined Tom McMorran the band after Mark Portmann left in 1994 +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . released the band `` Sahara '' in August of 1994 +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . left Mark Portmann the band in 1994 +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . exists Tom McMorran in August of 1994 +Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' . exists the band after Mark Portmann left in August of 1994 +Although in Flanders , the Flemish Region assigned all of its powers to the Flemish Community , the Walloon Region remains in principle distinct from and independent from the French Community , and vice-versa . assigned the Flemish Region all of its powers to the Flemish Community in Flanders +Although in Flanders , the Flemish Region assigned all of its powers to the Flemish Community , the Walloon Region remains in principle distinct from and independent from the French Community , and vice-versa . remains the Walloon Region in principle distinct from and independent from the French Community , and vice-versa +Had the contest gone a full seven games , ABC could have reaped an extra $ 10 million in ad sales on the seventh game alone , compared with the ad take it would have received for regular prime - time shows . gone Had the contest a full seven games +Had the contest gone a full seven games , ABC could have reaped an extra $ 10 million in ad sales on the seventh game alone , compared with the ad take it would have received for regular prime - time shows . could have reaped ABC an extra $ 10 million in ad sales on the seventh game alone +Had the contest gone a full seven games , ABC could have reaped an extra $ 10 million in ad sales on the seventh game alone , compared with the ad take it would have received for regular prime - time shows . compared with extra $ 10 million in ad sales on the seventh game alone the ad take it would have received for regular prime - time shows +Autostereoscopy is any method of displaying stereoscopic images without the use of special headgear or glasses on the part of the viewer . is any method of Autostereoscopy displaying stereoscopic images without the use of special headgear on the part of the viewer +Autostereoscopy is any method of displaying stereoscopic images without the use of special headgear or glasses on the part of the viewer . is any method of Autostereoscopy displaying stereoscopic images without the use of glasses on the part of the viewer +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . were located The Chapters of Bremen Cathedral within the city boundary +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . were located The Chapters of Bremen Cathedral in a district of immunity status around the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . were located The Chapters of Bremen Cathedral in a district of extraterritorial status around the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . was located part of the administration of Bremen Cathedral within the city boundary +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . was located part of the administration of Bremen Cathedral in a district of immunity status around the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . was located part of the administration of Bremen Cathedral in a district of extraterritorial status around the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . was around a district of immunity status the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . was around a district of extraterritorial status the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . would refrain to interfere the city council in a district of immunity status around the Cathedral of St. Peter +The Chapters of Bremen Cathedral and part of the administration were located within the city boundary in a district of immunity and extraterritorial status around the Cathedral of St. Peter , where the city council would refrain to interfere . would refrain to interfere the city council in a district of extraterritorial status around the Cathedral of St. Peter +The championship was at the Pinehurst Resort where Stewart won his last major championship only a few months before his death . was at The championship the Pinehurst Resort +The championship was at the Pinehurst Resort where Stewart won his last major championship only a few months before his death . won Stewart his last major championship at the Pinehurst Resort only a few months before his death +The championship was at the Pinehurst Resort where Stewart won his last major championship only a few months before his death . had Stewart his death +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . became Necro a regular member of the PWG roster through the majority of 2008 +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . was teaming with Necro Chris Hero +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . was teaming to defend the honor of Necro Candice LeRae +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . was teaming to defend against Necro the Human Tornado and his allies +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . was an ally of Claudio Castagnoli the Human Tornado +Necro became a regular member of the PWG roster through the majority of 2008 , teaming with Chris Hero to defend the honor of Candice LeRae against the Human Tornado and his allies in Claudio Castagnoli and Eddie Kingston . was an ally of Eddie Kingston the Human Tornado +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . have a large range of They possible power supplies +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . can be They 380V +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . can be They 1000V +They have a large range of possible power supplies , and can be 380V , 1000V , or even higher . can be They even higher +He played for the Kangaroos in all four matches , including the final , scoring one try . played for He the Kangaroos +He played for the Kangaroos in all four matches , including the final , scoring one try . played in all four matches for He the Kangaroos +He played for the Kangaroos in all four matches , including the final , scoring one try . played in the final for He the Kangaroos +He played for the Kangaroos in all four matches , including the final , scoring one try . scored one try in He the final +He played for the Kangaroos in all four matches , including the final , scoring one try . are including all four matches the final +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . were living below 22.2 % of families the poverty line +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . were living below 23.8 % of the population the poverty line +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . were living below 15.8 % of under eighteens the poverty line +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . were living below 37.5 % of those over 64 the poverty line +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . was including 23.8% of the population living below the poverty line 15.8 % of under eighteens +There were 22.2 % of families and 23.8 % of the population living below the poverty line , including 15.8 % of under eighteens and 37.5 % of those over 64 . was including 23.8% of the population living below the poverty line 37.5 % of those over 64 +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . follows in the development of flashbulb accounts the Photographic Model more of a step-by-step process +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . demonstrates the Comprehensive Model an interconnected relationship between the variables +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . is between One major difference the two models +One major difference between the two models is that the Photographic Model follows more of a step-by-step process in the development of flashbulb accounts , whereas the Comprehensive Model demonstrates an interconnected relationship between the variables . are the two models the Photographic Model and the Comprehensive Model +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . was thoroughly renovated The Cathedral from 2006 +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . was thoroughly renovated The Cathedral to 2008 +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . was thoroughly renovated the belfry from 2006 +The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 . was thoroughly renovated the belfry to 2008 +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has had Western Union major losses in recent years +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has a Western Union telex business +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has faltered in the face of Western Union's telex business competition from facsimile machines in recent years +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has faltered as Western Union's telex business other business ventures have gone awry in recent years +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has Western Union other business ventures +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . have gone awry Western Union's other business ventures in recent years +Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry . has competition from Western Union's telex business facsimile machines in recent years +Darwin came into residence in Cambridge on 26 January 1828 , and matriculated at the University 's Senate House on 26 February . came Darwin into residence in Cambridge on 26 January 1828 +Darwin came into residence in Cambridge on 26 January 1828 , and matriculated at the University 's Senate House on 26 February . matriculated Darwin at the University 's Senate House in Cambridge on 26 February 1828 +Darwin came into residence in Cambridge on 26 January 1828 , and matriculated at the University 's Senate House on 26 February . was Darwin in Cambridge on 26 January 1828 +It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire . was united with It the Clitheroe Rural District as part of the Ribble Valley district county of Lancashire +It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire . was united with It the Clitheroe Rural District Ribble Valley district +It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire . is part of the Clitheroe Rural District the Ribble Valley district county of Lancashire +It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire . is part of the Ribble Valley district the non-metropolitan county of Lancashire county of Lancashire +One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray . is Kasim Mehaddi Hilas One of the prisoners +One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray . said that Kasim Mehaddi Hilas one day he asked Graner for the time so that he could pray +One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray . asked Graner he for the time so that he could pray C: Kasim Mehaddi Hilas said that +One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray . asked Graner for the time he so that he could pray C: Kasim Mehaddi Hilas said that +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . said A Coca - Cola spokesman it is too early to say how the joint venture would be structured +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . is too early to say it how the joint venture would be structured C: A Coca - Cola spokesman said +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . how the joint venture it is too early to say would be structured C: A Coca - Cola spokesman said +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . said A Coca - Cola spokesman it is too early to say how much the company would invest in the transaction +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . is too early to say it how much the company would invest in the transaction C: A Coca - Cola spokesman said +A Coca - Cola spokesman said it is too early to say how the joint venture would be structured , or how much the company would invest in the transaction . how much the company would invest it is too early to say in the transaction C: A Coca - Cola spokesman said +A Coke spokesman said he could n't say whether that is the direction of the talks . said A Coke spokesman he could n't say whether that is the direction of the talks +A Coke spokesman said he could n't say whether that is the direction of the talks . could n't say he whether that is the direction of the talks C: A Coke spokesman said +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . is *(Ford Dearborn, Mich. , auto maker) -> ask mausa +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . said A Ford spokesman the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem +A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem . is n't aware of the Dearborn , Mich. , auto maker any injuries caused by the windshield problem C: A Ford spokesman said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . is a union hall in San Salvador leftist +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . exploded at A bomb a leftist union hall in San Salvador +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . said authorities A bomb exploded at a leftist union hall in San Salvador , killing at least eight people +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . said authorities A bomb exploded at a leftist union hall in San Salvador , injuring about 30 people , including two Americans +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . said authorities A bomb exploded at a leftist union hall in San Salvador , injuring two Americans +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . at least eight people A bomb exploded at a leftist union hall in San Salvador, killing C: authorities said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . exploded A bomb at a leftist union hall in San Salvador, killing at least eight people C: authorities said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . about 30 people , including two Americans A bomb exploded at a leftist union hall in San Salvador, injuring C: authorities said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . exploded A bomb at a leftist union hall in San Salvador, injuring about 30 people , including two Americans C: authorities said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . two Americans A bomb exploded at a leftist union hall in San Salvador, injuring C: authorities said +A bomb exploded at a leftist union hall in San Salvador , killing at least eight people and injuring about 30 others , including two Americans , authorities said . exploded A bomb at a leftist union hall in San Salvador, injuring two Americans C: authorities said +About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals , the company said . said the company About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals +About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals , the company said . will continue with Gillette or transfer to About 60 % of the work force Twins Pharmaceuticals C: the company said +About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals , the company said . will continue with About 60 % of the work force Gillette or transfer to Twins Pharmaceuticals C: the company said +And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' said Alan Gottesman , an analyst with PaineWebber . is Alan Gottesman an analyst +And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' said Alan Gottesman , an analyst with PaineWebber . is Alan Gottesman an analyst with PaineWebber +And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' said Alan Gottesman , an analyst with PaineWebber . said Alan Gottesman , an analyst with PaineWebber And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' +And with Al 's record of being a delver and a detail guy , you can see how the two fit , '' said Alan Gottesman , an analyst with PaineWebber . of being a delver and a detail guy And with Al 's record you can see how the two fit C: Alan Gottesman said +But Mr. Simonds-Gooding said he is n't talking to any studios about investing . said Mr. Simonds-Gooding he is n't talking to any studios about investing +But Mr. Simonds-Gooding said he is n't talking to any studios about investing . is n't talking to he any studios about investing C: Mr. Simonds-Gooding said +Conservatives are the faction in U.S. politics which always said that Mr. Ortega and his friends do n't want to hold an election in Nicaragua . which always said that Conservatives are the faction in U.S. politics Mr. Ortega and his friends do n't want to hold an election in Nicaragua +Conservatives are the faction in U.S. politics which always said that Mr. Ortega and his friends do n't want to hold an election in Nicaragua . do n't want to hold Mr. Ortega and his friends an election in Nicaragua C: Conservatives always said that +Conservatives are the faction in U.S. politics which always said that Mr. Ortega and his friends do n't want to hold an election in Nicaragua . are a Conservatives faction in U.S. politics +Despite what some investors are suggesting , the Big Board is n't even considering a total ban on program trading or stock futures , exchange officials said . said exchange officials Despite what some investors are suggesting , the Big Board is n't even considering a total ban on program trading or stock futures +Despite what some investors are suggesting , the Big Board is n't even considering a total ban on program trading or stock futures , exchange officials said . is n't even considering the Big Board a total ban on program trading or stock futures C: exchange officials said +Despite what some investors are suggesting , the Big Board is n't even considering a total ban on program trading or stock futures , exchange officials said . are suggesting some investors a total ban on program trading or stock futures C: exchange officials said +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . is Gen - Probe Inc. a biotechnology concern +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . said Gen - Probe Inc. , a biotechnology concern it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . signed it a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million C: Gen - Probe Inc. said +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . said Gen - Probe Inc. , a biotechnology concern it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for almost double the market price of Gen - Probe 's stock +Gen - Probe Inc. , a biotechnology concern , said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $ 110 million , or almost double the market price of Gen - Probe 's stock . signed it a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for almost double the market price of Gen - Probe 's stock C: Gen - Probe Inc. said +He said it has n't yet been determined how the RTC will raise the cash , but the administration does n't want it to be included on the federal budget , because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit . said He it has n't yet been determined how the RTC will raise the cash , but the administration does n't want it to be included on the federal budget , because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit +He said it has n't yet been determined how the RTC will raise the cash , but the administration does n't want it to be included on the federal budget , because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit . has n't yet been determined it how the RTC will raise the cash C: He said +He said it has n't yet been determined how the RTC will raise the cash , but the administration does n't want it to be included on the federal budget , because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit . does n't want administration it to be included on the federal budget because it would `` distort '' the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit .t C: He said +Healthcare International Inc. said it reached a 120 - day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $ 5 million right away and additional amounts in the future . said Healthcare International Inc. it reached a 120 - day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $ 5 million right away and additional amounts in the future +Healthcare International Inc. said it reached a 120 - day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $ 5 million right away and additional amounts in the future . reached it a 120 - day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $ 5 million right away and additional amounts in the future C: Healthcare International Inc. said +His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point . recent appearance His dubbed `` A Musical Odyssey , '' was a case in point L: at the Metropolitan Museum +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' is Paul Johanson Monsanto 's director of plant sciences +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' said Paul Johanson , Monsanto 's director of plant sciences the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' overcomes these problems the company 's chemical spray C: Paul Johanson said +However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems and is `` gentle on the female organ . '' is the company 's chemical spray `` gentle on the female organ . '' C: Paul Johanson said +In that decision , the high court said a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment . said the high court a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment +In that decision , the high court said a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment . must prove a company that the government approved precise specifications for the contract C: the high court said +In that decision , the high court said a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment . must prove a company that those specifications were met C: the high court said +In that decision , the high court said a company must prove that the government approved precise specifications for the contract , that those specifications were met and that the government was warned of any dangers in use of the equipment . must prove a company that the government was warned of any dangers in use of the equipment C: the high court said +It said financing would consist of $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $ 150 million revolving credit line underwritten by Chase Manhattan Bank . said It financing would consist of $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $ 150 million revolving credit line underwritten by Chase Manhattan Bank +It said financing would consist of $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $ 150 million revolving credit line underwritten by Chase Manhattan Bank . would consist of financing $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. C: It said +It said financing would consist of $ 250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $ 150 million revolving credit line underwritten by Chase Manhattan Bank . would consist of financing a $ 150 million revolving credit line underwritten by Chase Manhattan Bank C: It said +It said the situation is caused by efforts to streamline bloated factory payrolls . said It the situation is caused by efforts to streamline bloated factory payrolls +It said the situation is caused by efforts to streamline bloated factory payrolls . is caused by the situation efforts to streamline bloated factory payrolls C: It said +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . is Jan Leemans research director +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . said Jan Leemans , research director this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . is Robert Goldberg at the University of California in Los Angeles +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . is oil - producing rapeseed plants a major crop in Europe and Canada +Jan Leemans , research director , said this gene was successfully introduced in oil - producing rapeseed plants , a major crop in Europe and Canada , using as a carrier a `` promoter gene '' developed by Robert Goldberg at the University of California in Los Angeles . was successfully introduced in this gene oil - producing rapeseed plants using as a carrier a `` promoter gene '' developed by Robert Goldberg C: Jan Leemans said +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' is John M. Kucharski EG&G 's chairman +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' is John M. Kucharski EG&G 's chief executive +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' said John M. Kucharski the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' will extend the acquisition EG&G 's core technologies C: John M. Kucharski said +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' will strengthen the acquisition its position in the European Economic Community C: John M. Kucharski said +John M. Kucharski , EG&G 's chairman and chief executive , said the acquisition `` will extend EG&G 's core technologies , strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market . '' will assure the acquisition a strength and presence in the Eastern European market C: John M. Kucharski said +Meanwhile , Shearson Lehman 's Mr. Devario said that , to stay competitive , the U.S. paper industry needs to catch up with the European industry . belongs to Mr. Devario Shearson Lehman +Meanwhile , Shearson Lehman 's Mr. Devario said that , to stay competitive , the U.S. paper industry needs to catch up with the European industry . said that Shearson Lehman 's Mr. Devario to stay competitive , the U.S. paper industry needs to catch up with the European industry +Meanwhile , Shearson Lehman 's Mr. Devario said that , to stay competitive , the U.S. paper industry needs to catch up with the European industry . needs to catch up the U.S. paper industry with the European industry to stay competitive C: Mr. Devario said that +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . also said Merrill it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . is lobbying for it significant regulatory controls on program trading including tough margin -- or down - payment -- requirements C: Merrill also said +Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements and limits on price moves for program - driven financial futures . is lobbying for it limits on price moves for program - driven financial futures C: Merrill also said +Mr. Bickwit said , `` I can see why an S&L examiner would regard these as unusual activities , '' but said the overseas investments `` essentially broke even '' for the S&L . said Mr. Bickwit I can see why an S&L examiner would regard these as unusual activities +Mr. Bickwit said , `` I can see why an S&L examiner would regard these as unusual activities , '' but said the overseas investments `` essentially broke even '' for the S&L . said Mr. Bickwit the overseas investments `` essentially broke even '' for the S&L +Mr. Bickwit said , `` I can see why an S&L examiner would regard these as unusual activities , '' but said the overseas investments `` essentially broke even '' for the S&L . can see why I an S&L examiner would regard these as unusual activities C: Mr. Bickwit said +Mr. Bickwit said , `` I can see why an S&L examiner would regard these as unusual activities , '' but said the overseas investments `` essentially broke even '' for the S&L . `` essentially broke even '' the overseas investments for the S&L C: Mr. Bickwit said +Mr. Blair said his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux . said Mr. Blair his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux +Mr. Blair said his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux . seeks his libel suit 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express C: Mr. Blair said +Mr. Blair said his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux . seeks his libel suit 10 million Canadian dollars ( US$ 8.5 million ) from Hees executives Manfred Walt C: Mr. Blair said +Mr. Blair said his libel suit seeks 10 million Canadian dollars ( US$ 8.5 million ) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux . seeks his libel suit 10 million Canadian dollars ( US$ 8.5 million ) from Hees executives Willard L'Heureux C: Mr. Blair said +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . said Mr. Meek his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . were aroused by his suspicions several foreign investments by Lincoln including $ 22 million paid to Credit Suisse of Switzerland C: Mr. Meek said +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . were aroused by his suspicions several foreign investments by Lincoln including an $ 18 million interest in Saudi European Bank in Paris C: Mr. Meek said +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . were aroused by his suspicions several foreign investments by Lincoln including a $ 17.5 million investment in a Bahamas trading company C: Mr. Meek said +Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln , including $ 22 million paid to Credit Suisse of Switzerland , an $ 18 million interest in Saudi European Bank in Paris , a $ 17.5 million investment in a Bahamas trading company , and a recently discovered holding in a Panama - based company , Southbrook Holdings . were aroused by his suspicions a recently discovered holding in a Panama - based company C: Mr. Meek said +Mr. Robinson of Delta & Pine , the seed producer in Scott , Miss. , said Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops . the seed producer in Delta & Pine Scott , Miss. +Mr. Robinson of Delta & Pine , the seed producer in Scott , Miss. , said Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops . is Mr. Robinson of Delta & Pine +Mr. Robinson of Delta & Pine , the seed producer in Scott , Miss. , said Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops . said Mr. Robinson Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops +Mr. Robinson of Delta & Pine , the seed producer in Scott , Miss. , said Plant Genetic 's success in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops . success Plant Genetic 's in creating genetically engineered male steriles does n't automatically mean it would be simple to create hybrids in all crops C: Mr. Robinson said +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . is Orkem France 's third - largest chemical group +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . said Orkem it would fund the acquisition through internal resources +Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources . would fund it the acquisition through internal resources C: Orkem said +People familiar with Nekoosa said its board is n't likely to meet before the week after next to respond to the bid . said People familiar with Nekoosa its board is n't likely to meet before the week after next to respond to the bid +People familiar with Nekoosa said its board is n't likely to meet before the week after next to respond to the bid . is n't likely its board to meet to respond to the bid T: before the week after next C: People familiar with Nekoosa said +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . said President Bush that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . will lead a three members of his cabinet presidential mission L: to Poland C: President Bush said +President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non - Communist government 's economic changes . to gauge three members of his cabinet will lead a presidential mission how the U.S. can help the new non - Communist government 's economic changes L: to Poland C: President Bush said +QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million . said QVC Network Inc. it completed its acquisition of CVN Cos. for about $ 423 million +QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million . completed its acquisition of it CVN Cos. for about $ 423 million C: QVC Network Inc. said +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . based in First Security Salt Lake City +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . with First Security $ 5.4 billion in assets +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . said First Security the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . is subject to the agreement shareholder approval C: First Security said +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . is subject to the agreement regulatory approval C: First Security said +Salt Lake City - based First Security , with $ 5.4 billion in assets , said the agreement is subject to shareholder and regulatory approval , and that it hopes to complete the transaction early next year . hopes it to complete the transaction T: early next year C: First Security said +Some analysts have said Courtaulds ' moves could boost the company 's value by 5 % to 10 % , because the two entities separately will carry a higher price earnings multiple than they did combined . have said Some analysts Courtaulds ' moves could boost the company 's value by 5 % to 10 % , because the two entities separately will carry a higher price earnings multiple than they did combined +Some analysts have said Courtaulds ' moves could boost the company 's value by 5 % to 10 % , because the two entities separately will carry a higher price earnings multiple than they did combined . could boost * because relation(Courtaulds ' moves the company 's value by 5 % to 10 % C: Some analysts have said +Some analysts have said Courtaulds ' moves could boost the company 's value by 5 % to 10 % , because the two entities separately will carry a higher price earnings multiple than they did combined . separately will carry the two entities a higher price earnings multiple than they did combined C: Some analysts have said +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . is Stephen McCartin Mr. Hunt 's attorney +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . said Stephen McCartin his client welcomed the gamble +Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble . welcomed his client the gamble C: Stephen McCartin said +T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable . is T. Marshall Hahn Jr. Georgia - Pacific 's chairman +T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable . is T. Marshall Hahn Jr. Georgia - Pacific 's chief executive +T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable . said in an interview T. Marshall Hahn Jr. that all terms of the offer are negotiable +T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable . are all terms of the offer negotiable C: T. Marshall Hahn Jr. said in an interview +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . was said to The Colombian minister have referred to a letter +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . is Virgilio Barco Colombian President +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . sent President Bush a letter to Colombian President Virgilio Barco C: The Colombian minister said +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . said President Bush it was possible to overcome obstacles to a new agreement C: In the letter the Colombian minister is said to have referred to +The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco , and in which President Bush said it was possible to overcome obstacles to a new agreement . was it possible to overcome obstacles to a new agreement C: President Bush said in the letter the Colombian minister is said to have referred to +The Dallas oil and gas concern said that $ 10 million of the facility would be used to consolidate the company 's $ 8.1 million of existing bank debt , to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock , and to purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp . said The Dallas oil and gas concern that $ 10 million of the facility would be used to consolidate the company 's $ 8.1 million of existing bank debt , to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock , and to purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp +The Dallas oil and gas concern said that $ 10 million of the facility would be used to consolidate the company 's $ 8.1 million of existing bank debt , to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock , and to purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp . would be used to $ 10 million of the facility repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock: C: The Dallas oil and gas concern said +The Dallas oil and gas concern said that $ 10 million of the facility would be used to consolidate the company 's $ 8.1 million of existing bank debt , to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock , and to purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp . would be used to $ 10 million of the facility purchase a 10 % net - profits interest in certain oil and gas properties from one of its existing lenders , National Canada Corp C: The Dallas oil and gas concern said +The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis , he said . said he The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis +The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis , he said . would likely be amenable to The SEC legislation that required insiders to file transactions on a more timely basis C: He said +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . is in The Wellesley Mass. +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . is The Wellesley maker of scientific instruments +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . is The Wellesley maker of electronic parts +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . said The Wellesley Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . expects Berthold 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) The Wellesley said +The Wellesley , Mass. , maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ( $ 54.5 million ) and employs about 400 people . expects Berthold employs about 400 people The Wellesley said +The machine can run software written for other Mips computers , the company said . said the company The machine can run software written for other Mips computers +The machine can run software written for other Mips computers , the company said . can run The machine software written for other Mips computers the company said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . said The publishing concern it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . retained it the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will act as its Donaldson , Lufkin & Jenrette Securities Inc. financial adviser C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of various financial and strategic alternatives C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of debt refinancing C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of raising capital C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of recapitalization C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of recapitalization C: The publishing concern said +The publishing concern said it retained the investment banking firm of Donaldson , Lufkin & Jenrette Securities Inc. to act as its financial adviser , assisting in the evaluation of various financial and strategic alternatives , including debt refinancing , raising capital , recapitalization , a merger or sale of the company . will be assisting in Donaldson , Lufkin & Jenrette Securities Inc. the evaluation of a merger or sale of the company C: The publishing concern said +The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' said a trader The specialists were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' +The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' were `` livid '' about The specialists Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' C: a trader said +The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' recently remarked Mr. Phelan 's that sophisticated computer - driven trading strategies are `` here to stay . '' +The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . '' are sophisticated computer - driven trading strategies `` here to stay . ' C: Mr. Phelan 's recently remarked' +There was some profit - taking because prices for all the precious metals had risen to levels at which there was resistance to further advance , he said . said he There was some profit - taking because prices for all the precious metals had risen to levels at which there was resistance to further advance +There was some profit - taking because prices for all the precious metals had risen to levels at which there was resistance to further advance , he said . had risen to prices for all the precious metals levels at which there was resistance to further advance C: he said +There was some profit - taking because prices for all the precious metals had risen to levels at which there was resistance to further advance , he said . was profit taken because prices for all the precious metals had risen C: he said +`` But it 's risky , '' he says of Specialized 's attempt to adopt a corporate structure . says he Specialized 's attempt to adopt a corporate structure is risky +`` But it 's risky , '' he says of Specialized 's attempt to adopt a corporate structure . attempt Specialized 's to adopt a corporate structure is risky C: he says +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' will reach Communism its final stage of development in a feckless Russo -- corporation +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' is feckless Russo corporation socialist in form +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' is feckless Russo corporation nationalistic in form +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' is feckless Russo corporation Oriental in style +`` Communism will reach its final stage of development in a feckless Russo -- corporation - socialist in form , nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness ... . '' will puzzle the world with alternating feats of realism and recklessness feckless Russo corporation +`` Demand from Japan is expected to continue strong , but not from other areas of the world into the first quarter of next year , '' he said . said he `` Demand from Japan is expected to continue strong , but not from other areas of the world into the first quarter of next year , '’ +`` Demand from Japan is expected to continue strong , but not from other areas of the world into the first quarter of next year , '' he said . is expected to Demand from Japan +`` Everyone else is going to catch up '' with Nissan 's innovative designs , says A. Rama Krishna , auto analyst at First Boston ( Japan ) Ltd . is A. Rama Krishna auto analyst at First Boston ( Japan ) Ltd +`` Everyone else is going to catch up '' with Nissan 's innovative designs , says A. Rama Krishna , auto analyst at First Boston ( Japan ) Ltd . said A. Rama Krishna `` Everyone else is going to catch up '' with Nissan 's innovative designs +`` Everyone else is going to catch up '' with Nissan 's innovative designs , says A. Rama Krishna , auto analyst at First Boston ( Japan ) Ltd . is going to catch up Everyone else with Nissan 's innovative designs C: A. Rama Krishna said +`` I ca n't do anything score - wise , but I like meeting the girls . '' ca n't do anything I score - wise +`` I ca n't do anything score - wise , but I like meeting the girls . '' like meeting I the girls +`` I think we could very well have { an economic } slowdown , beginning very soon if not already , '' he says . think I we could very well have { an economic } slowdown C: he says +`` I think we could very well have { an economic } slowdown , beginning very soon if not already , '' he says . could be { an economic } slowdown beginning T: very soon C: he says +`` I think we could very well have { an economic } slowdown , beginning very soon if not already , '' he says . could { an economic } slowdown have begun T: already C: he says +`` It 's going to be a tough league , '' promises the 47 - year - old Mr. Campaneris . is Mr. Campaneris 47 - year - old +`` It 's going to be a tough league , '' promises the 47 - year - old Mr. Campaneris . promises Mr. Campaneris `` It 's going to be a tough league '' +`` It 's going to be a tough league , '' promises the 47 - year - old Mr. Campaneris . going to be It ‘s a tough league C: Mr. Campaneris promises +`` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that , '' warns John Philip Jones , chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University . is John Philip Jones chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University +`` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that , '' warns John Philip Jones , chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University . warns John Philip Jones `` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that '' +`` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that , '' warns John Philip Jones , chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University . see People extra messages in advertising C: John Philip Jones warns +`` People see extra messages in advertising , and if a manufacturer is clearly trying to get something out of it ... if it 's too transparent ... then consumers will see through that , '' warns John Philip Jones , chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University . will see consumers through manufacturer clearly trying to get something out of it C: John Philip Jones warns +`` Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios '' stemming from falling prices , said Jacob Dreyer , the institute 's chief economist . is Jacob Dreyer the institute 's chief economist +`` Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios '' stemming from falling prices , said Jacob Dreyer , the institute 's chief economist . said Jacob Dreyer `` Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios '' stemming from falling prices +`` Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios '' stemming from falling prices , said Jacob Dreyer , the institute 's chief economist . into Small net inflows stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios stemming from falling prices C: Jacob Dreyer said +`` That burden is very difficult , if not impossible , to meet , '' says Mr. Boyd . said Mr. Boyd `` That burden is very difficult , if not impossible , to meet '' +`` That burden is very difficult , if not impossible , to meet , '' says Mr. Boyd . is very difficult That burden to meet C: Mr. Boyd said +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . is Murray Robinson president of Delta & Pine Land Co. +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . is Delta & Pine Land Co. a Southwide Inc. subsidiary +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . is Delta & Pine Land Co. one of the largest cotton seed producers in the U.S. +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . said Murray Robinson `` The development could have a dramatic effect on farm production , especially cotton '' +`` The development could have a dramatic effect on farm production , especially cotton , '' said Murray Robinson , president of Delta & Pine Land Co. , a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. . could have The development a dramatic effect on farm production , especially cotton C: Murray Robinson said +`` The profit locking - in is definitely going on , '' said Mr. Mills , whose firm manages $ 600 million for Boston Co . said Mr. Mills `` The profit locking - in is definitely going on '' +`` The profit locking - in is definitely going on , '' said Mr. Mills , whose firm manages $ 600 million for Boston Co . is definitely going on The profit locking - in C: Mr. Mills said +`` The profit locking - in is definitely going on , '' said Mr. Mills , whose firm manages $ 600 million for Boston Co . firm Mr. Mills ‘s manages $ 600 million for Boston Co +`` There are some things that have gone on here that nobody can explain , '' she says . says she `` There are some things that have gone on here that nobody can explain '' +`` There are some things that have gone on here that nobody can explain , '' she says . that have gone on some things here that nobody can explain C: she says +`` They 're getting some major wins , '' she added . added she `` They 're getting some major wins '' +`` They 're getting some major wins , '' she added . getting They 're some major wins C: she added +Back at the hotel , Taylor went ahead of Lemmy and told him `` Eddie 's left the band '' . told Taylor him `` Eddie 's left the band '' L: Back at the hotel +Back at the hotel , Taylor went ahead of Lemmy and told him `` Eddie 's left the band '' . has Eddie left the band C: Taylor told +Back at the hotel , Taylor went ahead of Lemmy and told him `` Eddie 's left the band '' . went ahead of Taylor Lemmy L: Back at the hotel +Earlier yesterday , the Societe de Bourses Francaises was told that a unit of Framatome S.A. also bought Navigation Mixte shares , this purchase covering more than 160,000 shares . was told that the Societe de Bourses Francaises a unit of Framatome S.A. also bought Navigation Mixte shares , this purchase covering more than 160,000 shares T: Earlier yesterday +Earlier yesterday , the Societe de Bourses Francaises was told that a unit of Framatome S.A. also bought Navigation Mixte shares , this purchase covering more than 160,000 shares . also bought a unit of Framatome S.A. Navigation Mixte shares C: the Societe de Bourses Francaises was told that +Earlier yesterday , the Societe de Bourses Francaises was told that a unit of Framatome S.A. also bought Navigation Mixte shares , this purchase covering more than 160,000 shares . covered more than this purchase 160,000 shares C: the Societe de Bourses Francaises was told that +Mr. Rifenburgh told industry analysts he is moving `` aggressively '' to negotiate out - of - court settlements on a number of shareholder lawsuits , but noted that the company could file for bankruptcy - law protection if settlement talks fail . told Mr. Rifenburgh industry analysts he is moving `` aggressively '' to negotiate out - of - court settlements on a number of shareholder lawsuits +Mr. Rifenburgh told industry analysts he is moving `` aggressively '' to negotiate out - of - court settlements on a number of shareholder lawsuits , but noted that the company could file for bankruptcy - law protection if settlement talks fail . is moving aggressively to negotiate he out - of - court settlements on a number of shareholder lawsuits C: Mr. Rifenburgh told +Mr. Rifenburgh told industry analysts he is moving `` aggressively '' to negotiate out - of - court settlements on a number of shareholder lawsuits , but noted that the company could file for bankruptcy - law protection if settlement talks fail . could file for the company bankruptcy - law protection if settlement talks fail C: Mr. Rifenburgh noted that +For years , the company 's ads were tied in with pitches for Cannon sheets or Martex towels , for example , and an announcer at the end of the ads would tell customers where to `` find the true performance label . '' were tied in with the company 's ads pitches for Cannon sheets or Martex towels +For years , the company 's ads were tied in with pitches for Cannon sheets or Martex towels , for example , and an announcer at the end of the ads would tell customers where to `` find the true performance label . '' would tell an announcer customers where to find the true performance label T: at the end of the ads +He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . '' accused He Dow Jones of using unfair means to obtain the stock at an unfair price +He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . '' used unfair means to obtain Dow Jones the stock at an unfair price C: He accused +Ed tries to explain what happened to a skeptical Pete . tries to explain Ed what happened to a skeptical Pete +Most of the proposals are in tourism , basic industry and fishery and agro - industry projects , he said . said he Most of the proposals are in tourism , basic industry and fishery and agro - industry projects +Most of the proposals are in tourism , basic industry and fishery and agro - industry projects , he said . are Most of the proposals in tourism , basic industry and fishery and agro - industry projects C: he said diff --git a/data/evaluation_data/carb/data/gold/gold_carb_test.tsv b/data/evaluation_data/carb/data/gold/gold_carb_test.tsv new file mode 100644 index 0000000000000000000000000000000000000000..14f50c81c52d7710b192dca868dd43d669a4cd0b --- /dev/null +++ b/data/evaluation_data/carb/data/gold/gold_carb_test.tsv @@ -0,0 +1,2101 @@ +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . were made up of 32.7 % of all households individuals +A CEN forms an important but small part of a Local Strategic Partnership . forms A CEN an important part of a Local Strategic Partnership +A CEN forms an important but small part of a Local Strategic Partnership . forms A CEN a small part of a Local Strategic Partnership +A CEN forms an important but small part of a Local Strategic Partnership . is a Strategic Partnership Local +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . became he the youngest mayor in Pittsburgh 's history +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . was he A Democrat +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . was the youngest mayor in Pittsburgh 's history A Democrat +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . became he the youngest mayor in the history of +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . became the youngest mayor in Pittsburgh 's history at he the age of 26 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . was the youngest mayor in Pittsburgh 's history 26 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . is also located A cafeteria on the sixth floor +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . is located a chapel on the 14th floor +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . is located a study hall on the 15th floor +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . was followed with the establishment of the A common name , logo , and programming schedule `` TV8 '' network between the three stations +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . changed to the the `` TV8 '' network `` Southern Cross Network '' +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . was establishment `` TV8 '' network between the three stations +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . was the established common name between `` TV8 '' network the three stations +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . is set up by A cooling center local authorities +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . is not the A `` prime '' manifold , a connected sum of more than one manifold , sphere of the same dimension +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . ordered to stop printing court for three months +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . was under `` Not That Respublika '' other titles +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . are held in few long-track motorcycle speedway meetings the UK +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . may use turbomachinery one or more centrifugal compressors +A short distance to the east , NC 111 diverges on Greenwood Boulevard . diverges on NC 111 Greenwood Boulevard +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . has A spectrum from a single FID a low signal-to-noise ratio +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . According to Samaritan tradition is not derived from the Samaritan ethnonym the region of Samaria +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . were the `` Guardians '' of the Samaritans the true Israelite religion +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . is Samaritan an ethnonym +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . is Samaria a region +According to the 2010 census , the population of the town is 2,310 . According to the 2010 census is the population of the town 2,310 +According to the 2010 census , the population of the town is 2,310 . is the population of 2,310 +According to the 2010 census , the population of the town is 2,310 . was in the census 2010 +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . is accused of defrauding Gonzalez the West Bronx Neighborhood Association Inc. +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . is a not-for-profit corporation the West Bronx Neighborhood Association Inc +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . ceased cable hauling After 1895 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . pulled locomotives trains +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . pulled locomotives trains +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . is in a tunnel Victoria +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . is in a tunnel Waterloo +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . found the Colonials a primitive , lush and vibrant new world +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . named a new world the Colonials Earth +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . was the new world primitive +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . was the new world vibrant +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . was the new world lush +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . was the new world Earth +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . were searching the Colonials five years +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . guest starred as Cole Lilith +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . left Cole `` Hex '' +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . was `` Jane Eyre '' a TV serial for the BBC +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . had `` Doctor Who '' `` The Shakespeare Code '' episode +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . rested in Battra the Arctic Ocean +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . retired to Mothra Infant Island +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . was accompanied by Mothra the two Cosmos +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . were arrested in many of the republicans Free State `` round ups '' +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . had come out of many of the republicans hiding +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . had returned many of the republicans home +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . were arrested in many of the republicans Free State `` round ups '' +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . broke Knievel his arms +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . caused Knievel's accident permanent injury to the cameraman +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . was permanent injury to the cameraman +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . was under constant attack from `` Hazelwood '' kamikazes +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . was under constant attack from `` Hazelwood '' fighters +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . was under constant attack from `` Hazelwood '' dive-bombers +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . came through untouched `` Hazelwood '' the invasion +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . sank with her guns `` Hazelwood '' two small enemy freighters +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was published An original limited artist edition of 250 in 1989 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was An original limited artist edition of 250 an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was inset into a digital clock the front cover +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . had an oversized fine press slip-cased book stainless steel faced boards +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . had an oversized fine press slip-cased book a digital clock inset into the front cover +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was digital the clock inset into the front cover +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was oversized the book +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was slip-cased the book +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was fine press the book +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was original the edition of 250 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was limited the edition of 250 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . was artist edition the 250 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . were stainless steel faced the boards +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . has formed a partnership with ABS Habitat for Humanity +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . will be given to a free Bible each of Habitat for Humanity's new homeowners +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . will be free a Bible +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . was he in Ali 's army +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . was he in the Battle of Jamal +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . was Ali 's army in the Battle of Jamal +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . escorted Muhammad ibn Abu Bakr Aisha +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . was he Muhammad ibn Abu Bakr +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . has Andrea Bianco atlas of 1436 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . comprises Andrea Bianco 's atlas of 1436 ten leaves of vellum +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . is in Andrea Bianco 's atlas of 1436 an 18th-century binding +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . is Andrea Bianco 's atlas of 1436 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . was bound Andrea Bianco 's atlas of 1436 in 18th-century +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were built Apartment buildings in close proximity to the MAZ plant +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were built medical clinics in close proximity to the MAZ plant +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were built shops in close proximity to the MAZ plant +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were built cinemas in close proximity to the MAZ plant +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were providing with local necessities Apartment buildings plant workers +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were providing with local necessities shops plant workers +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were providing with local necessities medical clinics plant workers +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . were providing with local necessities cinemas plant workers +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . can use this service to record Applications activity for a production system +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . can use the service to record implementations of other OSIDs detailed data +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . can use the service to record implementations of other OSIDs detailed data +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . clashed with he Daniel O'Connell +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . was Attorney General he +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . insisted on he the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . was appointed as Abraham Brewster Law Adviser to the Lord Lieutenant of Ireland +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . is of the Lord Lieutenant Ireland +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . had wishes Daniel O'Connell +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . insisted , against wishes of he Daniel O'Connell +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . has Law Adviser Lord Lieutenant of Ireland +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . was enshrined into the team the Basketball Hall of Fame +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . was enshrined As the team a group +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . can not survive outside the microbe a narrow pH range +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . has a range pH +As a result , the lower river had to be dredged three times in two years . had to be dredged three times the lower river in two years +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . were sent to commissioners the provinces +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah materialism +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah moral values +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah the two worlds +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . is materialism a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . are moral values a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah corruption +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah dreams +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . is corruption a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . are dreams a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah integrity +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts Armah social pressure +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . is integrity a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . is social pressure a world +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts the two worlds of Armah materialism and moral values +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts the two worlds of Armah corruption and dreams +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . contrasts the two worlds of Armah integrity and social pressure +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . has Armah his first novel +As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration . requires a functionality for absolute accuracy of a measurement calibration +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . aspires to become Sandy a banker +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . is in Sandy `` A Wind in the Door '' +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . was sought for a more descriptive name the Gypsy Horse +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . were to have recognized several efforts the Gypsy Horse as a breed outside the Romanichal community +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . is recognized as a breed the Gypsy Horse in the Romanichal community +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . was Assisting in Fernando Cabello the recording process +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . was Assisting in Eva Dalda the recording process +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . was Assisting in Lydia Iovanne the recording process +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . was Eva Dalda a friend of the group +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . was Lydia Iovanne a friend of the group +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . helped debut Celine Dion the newly solvent airline's new image +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . was in a presentation the Toronto Pearson International Airport hangar +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . was the airline solvent +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . has the newly solvent airline a new image +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . is in Pearson International Airport Toronto +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . disappeared in At least 11 villagers the ensuing tsunami +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . were killed in 8 people the ensuing tsunami +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . are at prisoners Permisan prisons +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . are provided in compliance with these services state law +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . are provided in compliance with these services federal law +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . are provided At no cost to these services the parents +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . are reasonably calculated to yield these services meaningful educational benefit +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . are reasonably calculated to yield these services meaningful student progress +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . is nearly possessed Ballard At one point +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . is given Ballard a drug +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . are on humans Mars +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . are attacking the spirits them +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . is unable to leave behind Barbara her vigilante life +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . fought Barbara a mugger +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . miscarried Barbara her child +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . had Barbara a child +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . had Barbara a vigilante life +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . marks the boundary between Yesler Way two different plats +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . is the boundary between two different plats +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . does not line up with the street grid north of Yesler the neighborhood 's other streets +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . is the street grid north of Yesler +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . are in the other streets the neighborhood +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . zigzags along the northern `` border '' of the district numerous streets +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . is in the `` border '' of the district the north +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . plays a significant role in the alliance Islamic ethics +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . had a role in the formation of Muhammad the alliance +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . plays a significant role in Islamic ethics Because of the alliance Muhammad 's role in its formation +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . can outperform Beast any Olympic-level athlete +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . has Beast talents +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . has Beast training +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . is contorting gracefully Beast his body +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . is performing gracefully Beast aerial feats +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . had a Bruce Justice Lord counterpart +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . died of Burnham heart failure +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . died at the age of Burnham 86 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . had his home in Burnham Santa Barbara , California +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . is in Santa Barbara California +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . can result in this practice hyperinflation +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . had been orphaned by her nephews the plague +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . she was raising not only her own children but also By then her nephews +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . had returned to Simpson his mansion +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . had surrendered to Simpson the police +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . fulfilled Chevalier his promise +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . erected Chevalier a shrine +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . was dedicated to the honour of a shrine Mary +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . was dedicated under the title of a shrine `` Our Lady of the Sacred Heart '' +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . is Mary `` Our Lady of the Sacred Heart '' +Cis-regulatory elements are sequences that control the transcription of a nearby gene . control sequences the transcription of a nearby gene +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . filed Citizens for Responsibility and Ethics in Washington an Ethics Committee complaint +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . was filed against an Ethics Committee complaint Bond +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . was filed over an Ethics Committee complaint Bond's role in the ouster of Graves +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . was oustered Graves +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . produce these rifles a consistent 10 ring performance +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . are Combined with these rifles appropriate match pellets +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . can be attributed to a non-maximal result the participant +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . also played before Curley several European heads of state +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . was Curley a classical organist +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . performed an organ recital Curley solo +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . were several heads of state European +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . held DC Comics a memorial service +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . has Manhattan a Lower East Side +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . often visited Eisner in his work +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . worked at Eisner the Angel Orensanz Foundation on Norfolk Street +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . is on the Angel Orensanz Foundation Norfolk Street +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . was the service a memorial +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was red-hot Despite Beuerlein the below-freezing temperatures +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was connecting on Beuerlein 29 of 42 attempts +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was connecting with Beuerlein 3 TDs +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was connecting with Beuerlein no INTs +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was passing for Beuerlein a then franchise-record 373 yards +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . was 373 yards franchise-record +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . were temperatures below-freezing +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . was intended to have Dodo a `` common '' accent +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . is portrayed this way at Dodo the end of `` The Massacre '' +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . has Dodo a `` common '' accent in `` The Massacre '' +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played for Dr. Pim Ireland +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played for Dr. Pim Ireland +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played for Dr. Pim Ireland +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played for Dr. Pim Ireland +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played against Dr. Pim England +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played against Dr. Pim England +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played against Dr. Pim England +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . played against Dr. Pim England +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . have the two songs opposing nature +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . are found throughout opposing attitudes on love the play +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . are found opposing attitudes on love throughout the play +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . is opposing the nature of the two songs +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . is on a debate the opposing attitudes on love +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . was barely hearable it in the northern portions of Atlanta +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . was barely hearable it in the northern reaches of Fulton County +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . was barely hearable it in the northern reaches of DeKalb County +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . was it a rimshot to +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . was being based the transmitter location in Tyrone +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . had it a smaller signal wattage +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . increased from the number of Turkish run cafes 20 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . increased to the number of Turkish run cafes 200 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . created increased number of Turkish run cafes a demand for more Turkish Cypriot workers +During the morning and evening rush hours some services run direct to/from Paddington and Reading . run direct to/from some services Paddington +During the morning and evening rush hours some services run direct to/from Paddington and Reading . run direct to/from some services Reading +During the morning and evening rush hours some services run direct to/from Paddington and Reading . run direct to/from some services Paddington +During the morning and evening rush hours some services run direct to/from Paddington and Reading . run direct to/from some services Reading +During the morning and evening rush hours some services run direct to/from Paddington and Reading . are rush hours During the morning +During the morning and evening rush hours some services run direct to/from Paddington and Reading . are rush hours During the evening +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . was renamed the ACT Rugby Union the ACT and Southern NSW Rugby Union +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . was changed to the name of the team Brumbies Rugby +Each of the Matoran brought their Toa stone and met each other at the Great Temple . brought Each of the Matoran their Toa stone +Each of the Matoran brought their Toa stone and met each other at the Great Temple . met Each of the Matoran each other +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . are compiled from Falun Gong 's teachings Li 's lectures +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . holds definitional power in Li that belief system +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . is Falun Gong that belief system +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . has Falun Gong teachings +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . has Li lectures +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . is definitional Li 's power +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . reacted Fans to the news of the suspension +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . smashing some fans their XM units +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . cancellled Fans their XM Radio subscriptions +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . banned the University smoking +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . banned smoking the University on any of its property +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . pertaining to knowledge and interest the event +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . pertaining to level of importance the event +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . is very Gameplay basic +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . must shoot constantly the player at a continual stream of enemies +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is Gavin Hood a South African filmmaker +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is Gavin Hood a South African screenwriter +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is Gavin Hood a South African producer +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is Gavin Hood a South African actor +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is `` Tsotsi '' a Foreign Language Film +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is `` Tsotsi '' Academy Award-winning +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . is of Gavin Hood South Africa +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . is patriarch of George Bluth Sr. the Bluth family +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . is the founder of George Bluth Sr. the Bluth Company +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . is the former CEO of George Bluth Sr. the Bluth Company +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . was CEO of George Bluth Sr. the Bluth Company +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . markets the Bluth Company mini-mansions +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . builds the Bluth Company mini-mansions +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . has the Bluth Company many other activities +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . battled Godzilla Battra +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . battled Battra Godzilla +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . caused to open Godzilla and Battra a rift +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . battled Godzilla and Battra on the ocean floor +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . can be acquired with Good 1H NMR spectra 16 repeats +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . takes 16 repeats only minutes +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . seeks to spread HTB the teachings of Christianity +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . has HTB an aim +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . played in Hapoel Lod the top division +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . played in Hapoel Lod the top division +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . won Hapoel Lod the State Cup +Having been directed to found a monastery of his order in the United States in 1873 , Fr . will be found a monastery in the United States +Having been directed to found a monastery of his order in the United States in 1873 , Fr . has Fr an order +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . is Hawker Pacific Aerospace a MRO-Service company +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . offers Hawker Pacific Aerospace hydraulic MRO services for all major aircraft types +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . also possesses He enhanced senses +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . can track for great distances He people +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . also took He 124 wickets +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . took 7 for 39 wickets against He Sargodha +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . took 6 for 44 wickets against He Sargodha +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . was 7 for 39 wickets against Sargodha in 1962-63 one of his best bowling figures +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . was 6 for 44 wickets against Sargodha in 1962-63 one of his best bowling figures +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . appeared in He that game +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . appeared alongside He his Arsenal midfield colleague Brian Marwood +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . had joined his Arsenal midfield colleague Brian Marwood them +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . is his Arsenal midfield colleague Brian Marwood +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . is in Brian Marwood Arsenal midfield +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . is in He Arsenal midfield +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . are Wild Cards Low Probability events +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . are Wild Cards High Impact events +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . would severely impact Wild Cards the human condition +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . finds He himself +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . surround a group of Neo Arcadians him +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . is ending the game +He had spent 11 years in jail despite having been acquitted twice . had spent He in jail +He had spent 11 years in jail despite having been acquitted twice . had been acquitted twice He +He is idolized , receiving the name of `` God '' . is receiving He the name of `` God '' +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . took his He entire army +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . left only Alexander a small contingent +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . lodged He with other medical students +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . lodged He with other medical students +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . lodged He with Henry Stephens +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . became a He famous inventor +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . became a He ink magnate +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . lodged with Henry Stephens other medical students +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . became a Henry Stephens famous inventor +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . played He "Perker in the adaptation of ""The Pickwick Papers""" +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . was Perker in in adaptation of `` The Pickwick Papers '' +He represented the riding of Nickel Belt in the Sudbury , Ontario area . represented He Nickel Belt +He represented the riding of Nickel Belt in the Sudbury , Ontario area . represented He Nickel Belt +He represented the riding of Nickel Belt in the Sudbury , Ontario area . was riding He with Nickel Belt +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . talked to He McGee +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . had correspondence between McGee his family +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . was a member of He the European Convention +Her image held aloft signifies the Earth , which `` hangs in the air '' . held Her image aloft +Her image held aloft signifies the Earth , which `` hangs in the air '' . hangs the Earth in the air +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . to establish fair commercial dealing Hilf al-Fudul Islamic prophet Muhammad +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . created by various Meccans Hilf al-Fudul the Islamic prophet Muhammad +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . logging to the industry Aiseau Historically +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . are quenched Hoechst 33342 and 33258 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . used to detect dividing cells Hoechst Bromodeoxyuridine +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . electronics chemistry stamp coin collecting Hofmann high school student +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . from various human rights groups BAE Systems +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . after pressure campaigns from various human rights groups BAE Systems +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . bears some resemblance to comic relief sidekick `` Mike McGurk '' Tracy 's partner from the strip , Pat Patton +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is `` Mike McGurk '' the comic relief sidekick +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . has Tracy partner from +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is Pat Patton Tracy 's partner from the strip +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . provides the same kind of feminine interest as Tracy 's secretary , Gwen Andrews Tess Trueheart +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . has Tracy secretary +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is Gwen Andrews Tracy 's secretary +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . provides Tess Trueheart feminine interest +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is the same kind of avuncular superior as FBI Director Clive Anderson Chief Brandon +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is Chief Brandon an avuncular superior +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . is Clive Anderson FBI Director +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . lost control of Knievel the motorcycle +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . had Knievel a rehearsal +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . crashed into Knievel a cameraman +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . was population growth strong +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . has reduced it to strong population growth a more coastal-based division +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . has reduced it to strong population growth a more urbanised division +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . became far less safe for it the Nationals +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . have seed strains antigenicities +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . have wild viruses antigenicities +If given this data , the Germans would be able to adjust their aim and correct any shortfall . would be able to correct any shortfall If given the Germans this data +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . points in a the average magnetization vector nonparallel direction +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . giving the average magnetization vector points in a nonparallel direction suboptimal absorption of the pulse +In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II . had surrendered the town to the governor of the important Adriatic port of Dyrrhachium Basil II +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . began a second term as he Lord Chancellor +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . died the Lord Chancellor in 1867 +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . published she `` The Omaha Tribe '' +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . published `` The Omaha Tribe '' with she Francis La Flesche +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' was bought by `` The News and Courier '' the owners of Charleston 's main evening paper +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' is Charleston 's main evening paper `` The Evening Post . '' +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . appeared in Barrie two episodes of `` Alfred Hitchcock Presents '' +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . appeared in Barrie an episode of `` Alfred Hitchcock Presents '' +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . won from he Yakutpura +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . won from he Charminar +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . found researchers metallic conductivity in the charge-transfer complex TTF-TCNQ +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . was directed by Barrie Lee Grant in a television movie +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . was directed by Barrie Lee Grant in the television movie `` For The Use Of The Hall '' +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . was in Barrie the television movie `` For The Use Of The Hall '' +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . was `` Charlotte '' in Barrie the television movie `` For The Use Of The Hall '' +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . was directed by Barrie Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . appeared in she two television films +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . appeared as she the mother of Lesley Ann Warren 's character +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . appeared as she Emily McPhail +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . was in Lesley Ann Warren 's character `` 79 Park Avenue '' +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . was a character in Emily McPhail `` Tell Me My Name '' +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . was in Lesley Ann Warren `` 79 Park Avenue '' +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . became president of Rodan the American Society for Bone and Mineral Research +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' became also outspoken against Kelsang Gyatso the Geshe Studies Programme +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' made compulsory Kelsang Gyatso the pursuit of his new programmes +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . finished at the top of the Brumbies the Super 12 table +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . were six points clear of the Brumbies the next best team +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . applied for they National League Three +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . were finishing in they 5th place +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . were qualifying for they the play-offs +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . lost to they St Albans Centurions +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . announced Sun `` Project Indiana '' +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . has `` Project Indiana '' several goals +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . include providing several goals of `` Project Indiana '' an open source binary distribution of the OpenSolaris project +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . will be replacing an open source binary distribution of the OpenSolaris project SXDE +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . co-opted scam websites a photograph of her +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . was co-opted to promote a photograph of her health treatments +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . was co-opted to promote a photograph of her the ubiquitous `` 1 weird old tip '' belly fat diets +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . was co-opted to promote a photograph of her penny auctions +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . was unaware of Theuriau unauthorized usage of a photograph of her +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . are ubiquitous `` 1 weird old tip '' belly fat diets +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . was Theuriau her +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . launched major vendors several consumer-oriented motherboards +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . are using several consumer-oriented motherboards the Intel 6-series LGA 1155 chipset +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . are using several consumer-oriented motherboards the AMD 9 Series AM3 + chipsets with UEFI +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . are consumer-oriented several motherboards +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . voted as America 's Best City Bloomberg Businessweek San Francisco +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . is a City in San Francisco America +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . had Marcus Aemilius Scaurus a trial +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . bore testimony on behalf of Marcus Perperna Marcus Aemilius Scaurus +In Canada , there are two organizations that regulate university and collegiate athletics . regulate two organizations university athletics +In Canada , there are two organizations that regulate university and collegiate athletics . regulate two organizations collegiate athletics +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' can mean `` droit '' `` the whole body of the Law '' +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' is in `` droit '' French +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' is to say the motto `` dieu et mon droit '' `` God and my whole body of Law '' +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' is `` dieu et mon droit '' a motto +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' is In `` dieu et mon droit '' French +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . are called In Jewish Hebrew the Samaritans `` Shomronim '' +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . call themselves in Samaritan Hebrew the Samaritans `` Shamerim '' +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . is in `` Shomronim '' Jewish Hebrew +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . is in `` Shamerim '' Samaritan Hebrew +In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World . In Jewish belief will be revealed in its fulfilment the cumulation of Creation +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . took control of Nasser the interior ministry +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . took control from Nasser Naguib loyalist Sulayman Hafez +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . was Sulayman Hafez a Naguib loyalist +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . had Naguib loyalist Sulayman Hafez interior ministry post +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . pressured to conclude the abolition of the monarchy Nasser Naguib +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . are being cable hauled to trains Edge Hill +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . are being cable hauled via trains the Victoria Tunnel +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . joined she the Women 's Auxiliary Air Force +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . was working at she the Department of the Chief of Air Staff +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . was working as she Assistant Section Officer for Intelligence duties +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . was posted to she Moreton-in-Marsh +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . was promoted to she Section officer +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . were among all cases of meatal stenosis circumcised boys +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . had Van Howe a study +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . were circumcised boys +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . published under his real name Michael Crichton `` The Andromeda Strain '' +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . are exposed to people a pathogenic extraterrestrial microbe +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . is a pathogenic microbe extraterrestrial +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . has Michael Crichton a first novel +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . occupies In a typical case of substrate interference a Language A a given territory +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . arrives In a typical case of substrate interference another Language B in the same territory +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' commented John Cecil Masterman , chairman of the Twenty Committee `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' was chairman of John Cecil Masterman the Twenty Committee +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . left Boston College the Big East Conference +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . joined Boston College the Atlantic Coast Conference +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . is in Boston College athletics +In both cases this specialized function replaces the basic rifleman position in the fireteam . replaces In both cases this specialized function the basic rifleman position +In both cases this specialized function replaces the basic rifleman position in the fireteam . is basic the rifleman position in the fireteam +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . concluded RCPO 858 cases +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . had convictions in RCPO 88 % of cases +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . were convictions 88 % of 858 cases +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . is often treated as it a subfamily of the Glyphipterigidae family +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . has the Glyphipterigidae family a subfamily +In more recent years , this policy has apparently relaxed somewhat . has apparently relaxed somewhat this policy In more recent years +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . ordered UTA 77 Siemens S70 light rail vehicles +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . ordered from UTA Siemens AG +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . ordered to support UTA planned TRAX expansion +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . was planned TRAX expansion +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . will support 77 Siemens S70 light rail vehicles planned TRAX expansion +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . have been severely affected Cyprinidae in southwestern North America +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . went entirely extinct a considerable number of Cyprinidae in southwestern North America +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . were under the Oppositionists George Leake +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . were able to form the Oppositionists a minority government +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . was formerly Frank Wilson the member for +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . won Frank Wilson the seat In the election +In the 1960s and 70s most of Kabul 's economy depended on tourism . depended on most of the economy tourism +In the 1960s and 70s most of Kabul 's economy depended on tourism . depended on most of the economy tourism +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . was a `` War and Remembrance '' television series +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . took the role of Johns the senior Nazi SS officer Adolf Eichmann In the 1986 television series `` War and Remembrance '' +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . was a Adolf Eichmann senior Nazi SS officer +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . advocated he strong prosecution of the Union War effort +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . advocated he the end of slavery +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . advocated he civil rights for freed African Americans +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . formed part of the 5th Dragoon Guards the Heavy Cavalry Brigade +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . was sent to the 5th Dragoon Guards the Black Sea +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . broke away from the Welsh Methodists the Anglican church +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . established the Welsh Methodists their own denomination +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . is the Welsh Methodists' own denomination the Presbyterian Church of Wales +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . is the Welsh Methodists' own denomination the Presbyterian Church +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . speak inhabitants Bumthangkha +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . speak inhabitants Bumthangkha +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . speak inhabitants Khengkha +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . is spoken Khengkha in the extreme southeast +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . was scheduled for Knievel a major jump +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . is in Chicago Illinois +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . is that the purpose of Creation In this explanation `` God desired a dwelling place in the lower realms '' +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . transforms into an abode for man God 's essence +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . is transformed into the mundane , lowest World an abode for God 's essence +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . desired a dwelling place God in the lower realms +In those years , he began to collaborate with some newspapers . began to collaborate with he some newspapers +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . transitioned to flying the squadron the A-4L Skyhawk +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . was flying the squadron the A-4B Skyhawk +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . is a A-4B Skyhawk +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . is a A-4L Skyhawk +Initially his chances of surviving were thought to be no better than 50-50 . were thought to be his chances of surviving no better than 50-50 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . has It long hind legs +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . has It a long tail +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . has It a slender tail +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . has It a scaly tail +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . makes it drumming noises +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . is spoken in the dialect Xiamen +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . is unintelligible with It Standard Chinese +It is not really passable , and must be done on foot if attempted . is not really passable It +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . is part of It the Surrey Hills Area of Outstanding Beauty +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . is situated on It the Green Sand Way +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . was mainly remembered for an officer Gen. Eleazer Wheelock Ripley the Battle of Lundy 's Lane +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . was mainly remembered for an officer Gen. Eleazer Wheelock Ripley the Siege of Fort Erie +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . was Gen. Eleazer Wheelock Ripley an officer +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . was originally aimed at It mature entrants to the teaching profession +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . declined in favour of the cultivation Asian species +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . was introduced to cultivation East Africa +JAL introduced jet service on the Fukuoka-Tokyo route in 1961 . introduced JAL jet service +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . is an James Arthur Hogue impostor +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . is in James Arthur Hogue US +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . most famously entered James Arthur Hogue Princeton University +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . was detonated New Warworld next to the Anti-Monitor +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . was detonated the Yellow Central Power Battery next to the Anti-Monitor +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . was created by a shield hundreds of Green Lanterns +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . was created to contain a shield the explosion +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . brought down John Stewart New Warworld +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . brought down John Stewart the Yellow Central Power Battery +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . brought down Guy Gardner New Warworld +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . brought down Guy Gardner the Yellow Central Power Battery +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . was the Anti-Monitor him +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . also appeared as Johns an Imperial Officer +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . also appeared in Johns the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . was `` The Empire Strikes Back '' the `` Star Wars sequel '' +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . was in an Imperial Officer the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . had a Star Wars sequel +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . was `` The Empire Strikes Back '' in 1980 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . had medical training with Keats Hammond +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . had medical training at Keats Guy 's Hospital +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . had Keats long medical training +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . had Keats expensive medical training +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . will be assuring a lifelong career in medicine financial security +Keibler then asked for time off to appear on `` Dancing with the Stars '' . asked for Keibler time off +Keibler then asked for time off to appear on `` Dancing with the Stars '' . asked to appear on Keibler `` Dancing with the Stars '' +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . graduated from Kim Ballard High School +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . graduated from Kim Oberlin College +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . double-majored in Kim Government and English +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . played for Kim the varsity lacrosse team +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . is in Ballard High School Louisville , Kentucky +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . is in Louisville Kentucky +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . is in Oberlin College Ohio +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . include Kostabi 's other releases `` Songs For Sumera '' +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . include Kostabi 's other releases `` New Alliance '' +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . include Kostabi 's other releases `` The Spectre Of Modernism '' +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . has Kostabi other releases +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . kept with his longer reach Langford Walcott +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . had Langford a longer reach +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . begins to supplant Language B language A +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . abandon in favor of the other language the speakers of Language A their own language +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . are certain goals within government +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . are certain goals within the workplace +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . are certain goals in social settings +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . ended up exchanging they a few words +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . left Clarke the studio +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . had been Will Reid Dick there +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . had been Will Reid Dick in the studio +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . is also seen in Lens subluxation dogs +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . is characterized by Lens subluxation a partial displacement of the lens +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . began Li Hongzhi his public teachings of Falun Gong +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . gave Li Hongzhi lectures +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . taught Li Hongzhi Falun Gong exercises +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . often lampooned it the low-budget quality of satellite television available in the UK at the time +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . was Like it other BBC content of the mid-1990s +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . was of other BBC content the mid-1990s +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . had available satellite television low-budget quality +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . is Luke Robert Ravenstahl an American politician +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . served as Luke Robert Ravenstahl the 59th Mayor +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . served as Luke Robert Ravenstahl the 59th Mayor +Males had a median income of $ 28,750 versus $ 16,250 for females . had a median income of Males $ 28,750 +Males had a median income of $ 28,750 versus $ 16,250 for females . had a median income of females $ 16,250 +Males had a median income of $ 28,750 versus $ 16,250 for females . is versus median income of Males median income of females +Males had a median income of $ 28,750 versus $ 16,250 for females . is versus $ 28,750 for Males $ 16,250 for females +Males had a median income of $ 36,016 versus $ 32,679 for females . had a median income of Males $ 36,016 +Males had a median income of $ 36,016 versus $ 32,679 for females . had a median income of females $ 32,679 +Males had a median income of $ 36,016 versus $ 32,679 for females . is versus median income of Males median income of females +Males had a median income of $ 36,016 versus $ 32,679 for females . is versus $ 36,016 for Males $ 32,679 for females +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . are surgically removed for Many aesthetics +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . are surgically removed for Many relief of psychosocial burden +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . are also excised for larger ones prevention of cancer +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . often speak Many overseas Chinese whose ancestors came from the Quanzhou area mainly Hokkien +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . often speak especially those overseas Chinese in Southeast Asia whose ancestors came from the Quanzhou area mainly Hokkien +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . are Many Chinese overseas +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . have ancestors from Many overseas Chinese the Quanzhou area +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . often speak at home especially those overseas Chinese mainly Hokkien +Meanwhile , the Mason City Division continued to operate as usual . continued to operate as usual the Mason City Division Meanwhile +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . produce figures between Models 15,000 soldiers +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . produce figures between Models 36,000 soldiers +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . are in the barrack blocks the Gorgan Wall forts +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . is taken into account the size of the barrack blocks in the Gorgan Wall forts +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . is taken into account the room number of the barrack blocks in the Gorgan Wall forts +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . is taken into account likely occupation density +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . were more widely spread Modern educational methods throughout the Empire +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . embarked on the country a development scheme +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . embarked on the country plans for modernization +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . were tempered by plans for modernization Ethiopian traditions +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . were within the framework of plans for modernization the ancient monarchical structure of the state +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . are traditions Ethiopian +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . has the state ancient monarchical structure +Modernity has been blended without sacrificing on the traditional Buddhist ethos . is traditional Buddhist ethos +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . began in earnest with Modification of the river the arrival of the Florida East Coast Railway in Miami +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . is in the Florida East Coast Railway Miami +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . briefly dropped Moore Marciano +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . knocked down five times Marciano Moore +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . retained Marciano the belt +No announcement from UTV was made about the decision to close the station earlier than planned . was to close the decision the station +No announcement from UTV was made about the decision to close the station earlier than planned . is UTV the station +Noatak has a gravel public airstrip and is primarily reached by air . has Noatak a gravel public airstrip +Noatak has a gravel public airstrip and is primarily reached by air . is primarily reached by Noatak air +Noatak has a gravel public airstrip and is primarily reached by air . is in a gravel public airstrip Noatak +Noatak has a gravel public airstrip and is primarily reached by air . is gravel Noatak's public airstrip +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . completely trusted Not everyone Vakama 's vision +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . decided to track down they the Matoran +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . considered Vakama 's vision Matau the delusions of a `` fire-spitter '' +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . considered Vakama Matau a `` fire-spitter '' +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . had Vakama a vision +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . is known for certain about Nothing his life before about 1580 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' is referred to in the epilogue `` The Castaway '' +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . belonged to 1 individual the Christian Catholic faith +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . was Of 1 individual the rest of the population +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . belonged to 1 individual Of the rest of the population the Christian Catholic faith +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . is Christian the Catholic faith +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was requested to give information on British double agent `` Garbo '' the sites of V-1 impacts +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was requested to give information on British double agent `` Garbo '' the times of V-1 impacts +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was requested by British double agent `` Garbo '' his German controllers +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was a `` Garbo '' British double agent +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . had British double agent `` Garbo '' German controllers +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . were made to similar requests the other German agents in Britain +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . were made to similar requests `` Brutus '' +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . were made to similar requests `` Tate '' +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was a German agent `` Brutus '' in Britain +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . was a German agent `` Tate '' in Britain +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . was named manager of Yost the Kansas City Royals +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . was replacing Yost Trey Hillman +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . are in the Royals Kansas City +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . was Trey Hillman a manager of the Kansas City Royals +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . suspended for 30 days XM Opie & Anthony +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . wandered into a homeless man the studio +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . was homeless a man +On November 2 , 2005 , Brown ended his contract early and left the federal government . ended early Brown his contract +On November 2 , 2005 , Brown ended his contract early and left the federal government . left Brown the federal government +On November 2 , 2005 , Brown ended his contract early and left the federal government . had a contract with Brown the federal government +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . is One candidate a wreck at the western end of Manitoulin Island in Lake Huron +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . is another wreck near Escanaba , Michigan +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . is a wreck at the western end of Manitoulin Island in Lake Huron +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . is Manitoulin Island in Lake Huron +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . is Escanaba in Michigan +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . is the fifth song from `` Time '' Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . is the first song of `` Breathe '' the same album +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . is the first song of `` Breathe '' Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . is the same album Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . could be One example `` Time '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . contains a reprise of `` Time '' `` Breathe '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . is `` The Dark Side Of The Moon '' Pink Floyd 's 1973 album +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . has album Pink Floyd `` The Dark Side Of The Moon '' +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . released Pink Floyd album `` The Dark Side Of The Moon '' +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . is an officer Sergeant Jericho +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . are train operators two +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . are officers the others +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . is a Sergeant Jericho +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . tried to finish Sergeant Jericho the fight +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . tried to finish the other officers the fight +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' called it Cotton Mather `` the sewer of New England '' +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' sometimes referred to it as Opponents of religious freedom `` Rogue 's Island '' +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' referred to it as Opponents of religious freedom `` Rogue 's Island '' +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' is in the sewer New England +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' is `` Rogue 's Island '' `` the sewer of New England '' +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' is in `` Rogue 's Island '' New England +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . retains the basic features of Hank McCoy a normal human +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . has Hank McCoy a generally simian physiology equivalent to that of a Great Ape +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . are alongside the basic features of a normal human a generally simian physiology equivalent to that of a Great Ape +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . are the basic features of a normal human a generally simian physiology equivalent to that of a Great Ape +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . has simian physiology a Great Ape +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . include Other signs of lens subluxation mild conjunctival redness +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . include Other signs of lens subluxation vitreous humour degeneration +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . include Other signs of lens subluxation prolapse of the vitreous into the anterior chamber +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . include Other signs of lens subluxation an increase of anterior chamber depth +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . include Other signs of lens subluxation a decrease of anterior chamber depth +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . has lens subluxation Other signs +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . prolapses into the vitreous the anterior chamber +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . has depth the anterior chamber +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . is Pakistan Chrome Mines Ltd. a mining company +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . is incorporated in Pakistan Chrome Mines Ltd. the Islamic Republic of Pakistan +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . is the Republic of Pakistan Islamic +Parental investment is any expenditure of resources to benefit one offspring . is to benefit an expenditure of resources one offspring +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . generally performs Piffaro a concert series +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . generally performs Piffaro four to five concerts +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . in addition will be touring throughout Piffaro the United States +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . in addition will be touring throughout Piffaro Canada +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . in addition will be touring throughout Piffaro Europe +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . in addition will be touring Piffaro elsewhere +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . can still be inferred of the positions some of the buildings +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . signed to a contract extension through the 2013 season the Royals Yost +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . was signed to a contract extension Yost through the 2013 season +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' could only call the Player one of four available `` hot routes '' +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' is Playmaker a tool +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' are available four `` hot routes '' +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . are usually biopsied Proliferative nodules +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . identified problems with RedHat engineers ProPolice +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . re-implemented RedHat engineers stack-smashing protection for inclusion in GCC 4.1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . re-implemented RedHat engineers stack-smashing protection for inclusion +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are marbled geckos on both island groups +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . were identified Reptiles during surveys +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are limited to four-toed earless skink the main island in the Northern group +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are limited to bull skinks the main island in the Northern group +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are limited to western brown snakes the main island in the Northern group +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are marbled geckos Reptiles +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are four-toed earless skink Reptiles +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are bull skinks Reptiles +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . are western brown snakes Reptiles +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . may be Batesian and Mullerian Results widespread +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . indicate Batesian and Mullerian Results acoustic mimicry complexes +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . may be Batesian Results widespread +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . may be Mullerian Results widespread +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . may be acoustic mimicry complexes widespread +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . indicate Batesian Results acoustic mimicry complexes +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . indicate Mullerian Results acoustic mimicry complexes +Returning home , Ballard delivers her report , which her superiors refuse to believe . is Returning Ballard home +Returning home , Ballard delivers her report , which her superiors refuse to believe . refuse to believe Ballard's superiors Ballard's report +Returning home , Ballard delivers her report , which her superiors refuse to believe . delivers Ballard her report +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . is Robert Charles `` Jack '' Russell , MBE , a retired English international cricketer +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . is now known for Robert Charles `` Jack '' Russell , MBE , his abilities as an artist +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . is now known for Robert Charles `` Jack '' Russell , MBE , his abilities as a cricket wicketkeeping coach +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . is now known for Robert Charles `` Jack '' Russell , MBE , his abilities as a football goalkeeping coach +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . has a San Francisco diversity of cultures +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . has San Francisco eccentricities +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . has greatly influenced San Francisco the country +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . has greatly influenced San Francisco the world at large +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . returns to Scarpetta Virginia +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . returns in Scarpetta `` Trace '' +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . returns at the request of Scarpetta her replacement , Dr. Joel Marcus +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . is the replacement of Dr. Joel Marcus Scarpetta +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . is Joel Marcus Dr. +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . are known Several isomers of octene +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . depend on known isomers of octene the position of the double bond in the carbon chain +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . depend on known isomers of octene the geometry of the double bond in the carbon chain +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . has Several known octene isomers +She died in October 1915 of a heart attack . died in She October 1915 +She died in October 1915 of a heart attack . died of She a heart attack +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . provided She an audio commentary for the episode +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . provided an audio commentary for the episode alongside She David Tennant +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . was provided for an audio commentary the episode +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . was provided on an audio commentary the DVD release of the show 's third series +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . had a DVD release the show 's third series +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published more than 15 She research publications +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published research publications , including She International Journals +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published research publications , including She International Conferences +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published research publications , including She National Conferences +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published research publications , including She workshops +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . published research publications , including She seminars +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . returned to She that Thames River base +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . served as She a training ship +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . served primarily for She the Submarine School at +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . served occasionally for She NROTC units in +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . was at the Submarine School New London +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . were in NROTC units the southern New England area +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . was ordered to be rebuilt on She 9 March 1724 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . was taken in hand at She Deptford Dockyard +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . was taken in hand by She Master Shipwright Richard Stacey +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . was Richard Stacey Master Shipwright +Shea was born on September 5 , 1900 in San Francisco , California . was born on Shea September 5 , 1900 +Shea was born on September 5 , 1900 in San Francisco , California . was born in Shea San Francisco , California +Shea was born on September 5 , 1900 in San Francisco , California . is in San Francisco California +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . has won Richmond ten premierships +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . joined the competition in Richmond 1908 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . was in the most recent victory of Richmond 1980 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . could liberate himself from a freed slave these residual duties +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . were residual these duties +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . were extra specified payments +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . was freed a slave +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . Specifically affects knowledge in the event the level of personal importance for the individual +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . Specifically affects interest in the event the level of personal importance for the individual +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . also affects knowledge in the event the individual 's level of emotional arousal +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . also affects interest in the event the individual 's level of emotional arousal +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . are the main Spennymoor Town F.C. football team +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . won Spennymoor Town F.C. the FA Carlsberg Vase +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . won 2-1 in Spennymoor Town F.C. the final against Tunbridge Wells +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . was against the final Tunbridge Wells +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . functioned as Sukhum the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . was in the capital of the `` Union treaty '' Sukhum +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . became Sukhum the capital of the Abkhazian Autonomous Soviet Socialist Republic +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . flew through Superboy-Prime the Anti-Monitor 's chest +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . hurled Superboy-Prime Anti-Monitor 's shattered body +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . had the Anti-Monitor a shattered body +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . was weakened the Anti-Monitor now +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . moves from Swinburne the philosophical +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . moves to Swinburne the theological +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . is building rigorously Swinburne his case +Team Racing is a NASCAR Craftsman Truck Series team . is Team Racing a NASCAR Craftsman Truck Series team +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . had Venice an outbreak of plague +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . lasted an outbreak of plague two years +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . caused Franco to leave an outbreak of plague the city +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . caused Franco to leave an outbreak of plague Venice +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . caused Franco to lose an outbreak of plague many of her possessions +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . was raised The 2nd Battalion of the 13th Light Infantry at Winchester +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . was of the 13th Light Infantry The 2nd Battalion +The Acrolepiidae family of moths are also known as False Diamondback moths . are also known as The Acrolepiidae family of moths False Diamondback moths +The Acrolepiidae family of moths are also known as False Diamondback moths . are False Diamondback moths +The Acrolepiidae family of moths are also known as False Diamondback moths . are a family of The Acrolepiidae moths +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . are The Alarm an alternative rock/new wave band +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . formed The Alarm in Rhyl , North Wales +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . is in Rhyl North Wales +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . formed an alternative rock/new wave band in Rhyl , North Wales +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . built The Bourbons additional reception rooms +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . reconstructed The Bourbons the Sala d'Ercole +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . depicted its frescos the mythological hero , Hercules +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . was Hercules a mythological hero +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . formed The Bureau of Alcohol , Tobacco , Firearms and Explosives in 1886 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . is The Bureau of Alcohol , Tobacco , Firearms and Explosives a federal law enforcement organization +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . is within The Bureau of Alcohol , Tobacco , Firearms and Explosives the United States Department of Justice +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . was organized by The CRZ the Nepal members of the Naxalite movement +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . was organized by The CRZ the Indian members of the Naxalite movement +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . has the Naxalite movement Nepal members +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . has the Naxalite movement Indian members +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . was organized in The CRZ a meeting +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . was at a meeting Siliguri in the Indian State of West Bengal +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . is in Siliguri the Indian State of West Bengal +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . is West Bengal an Indian State +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . is a State in West Bengal India +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . was transferred to The Charles City equipment Mason City +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . burned in equipment the shop fire +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . formed The Hamburg Concathedral with chapterhouse and capitular residential courts a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . was with The Hamburg Concathedral chapterhouse +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . was with The Hamburg Concathedral capitular residential courts +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . was of a `` Cathedral Immunity District '' the Prince-Archbishopric of Bremen +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . was of the Prince-Archbishopric Bremen +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . was in The Concathedral Hamburg +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is located in The Main Street Tunnel Welland , Ontario , Canada +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is in Welland Ontario , Canada +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is in Ontario Canada +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is The Main Street Tunnel an underwater tunnel +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is carrying The Main Street Tunnel Niagara Road 27 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . is carrying The Main Street Tunnel the unsigned designation of Highway 7146 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . has Highway 7146 an unsigned designation +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . is notable The Nadvorna dynasty +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . become many of The Nadvorna dynasty's descendants rebbes +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . is a Nadvorna dynasty +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . has Nadvorna dynasty descendants +The PAC bulletins were widely distributed at these meetings . were widely distributed The PAC bulletins at these meetings +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . passed through without any problems Alexander the defile +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . was supposed to guard The Persian contingent the defile +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . abandoned The Persian contingent the defile +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . is The contingent Persian +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . was honored by The Rev. William Alfred Quayle his alma mater , Baker University +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . was honored with The Rev. William Alfred Quayle the degrees Litt.D +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . is William Alfred Quayle The Rev. +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . is William Alfred Quayle's alma mater Baker University +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . was formed The River Stour Trust in 1968 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . has The River Stour Trust headquarters +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . is purpose built The River Stour Trust Visitor Centre +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . killed The SAS Provisional Irish Republican Army members +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . killed The SAS Irish National Liberation Army members +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . killed The SAS a total of 14 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . runs The Summer Programs Office these programs +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . attend many Wardlaw-Hartridge Students camp +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . attend many Wardlaw-Hartridge Students classes +The Triple-A Baseball National Championship Game was established in 2006 . was established The Triple-A Baseball National Championship Game in 2006 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . is in The government Venezuela +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are created by programs community groups +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are created by programs non-profits +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are created by programs other independent producers +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are community groups independent producers +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are non-profits independent producers +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . are television stations private +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . have private television stations airtime +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . ended The Wilbur Cross Highway in Sturbridge +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . sometimes call Haynes Street locals `` Old Route 15 '' +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . sometimes call portions of Mashapaug Road locals `` Old Route 15 '' +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . was founded The `` Charleston Courier '' in 1803 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . was founded The `` Charleston Daily News '' in 1865 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . merged to form The `` Charleston Courier '' and `` Charleston Daily News '' the `` News and Courier '' +The album , produced by Roy Thomas Baker , was promoted with American and European tours . was produced by The album Roy Thomas Baker +The album , produced by Roy Thomas Baker , was promoted with American and European tours . was promoted with The album tours +The album , produced by Roy Thomas Baker , was promoted with American and European tours . was promoted with The album tours +The canal was dammed off from the river for most of the construction period . was dammed off from The canal the river +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . was used in The car `` Stealth '' +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . had a band member a car +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . was founded by The city the Western Town Lot Company +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . were the names of the platted streets Norwegian +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . had Republicans 12 seats +The community is served by the United States Postal Service Hinsdale Post Office . is served by The community the United States Postal Service Hinsdale Post Office +The community is served by the United States Postal Service Hinsdale Post Office . has the United States Postal Service Post Office +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . was originally erected as The diocese the Prefecture Apostolic of Hpyeng-yang +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . was renamed as The Prefecture Apostolic of Hpyeng-yang the Prefecture Apostolic of Peng-yang +The economy of Ostrov is based on food , electronic , and textile industries . is based on The economy of Ostrov food industries +The economy of Ostrov is based on food , electronic , and textile industries . is based on The economy of Ostrov electronic industries +The economy of Ostrov is based on food , electronic , and textile industries . is based on The economy of Ostrov textile industries +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . had The engine twin turbochargers +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . produced The engine an advertised 5700 rpm of torque +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . produced an advertised 5700 rpm of torque on The engine 8 lbs of boost +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . also has extensive recordings with The ensemble Deutsche Grammophon +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . also has extensive recordings with The ensemble Dorian Recordings +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . also has extensive recordings with The ensemble Newport Classic +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . also has extensive recordings with The ensemble Navona Records +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . also has extensive recordings with The ensemble their own label +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . had first been planned in The establishment of a museum 1821 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . had first been planned by The establishment of a museum the Philosophical Society of Australasia +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . folded the Philosophical Society of Australasia in 1822 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . is in the Philosophical Society Australasia +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . were collected specimens +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . can be found The extension of the University Library on the second floor +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . can be found parking for 120 cars on the third to sixth floors +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . is usually readable directly The external gauge +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . is on a fuel gauge the dashboard +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . failed to arrive intact 1st Armored +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . failed to deploy as a single entity 1st Armored +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . was against action German forces in Tunisia +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . were in German forces Tunisia +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . is at The field the Lake Elsinore Diamond +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . is named The field at the Lake Elsinore Diamond the Pete Lehr Field +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . lived Sweden 's Royal Couple there +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . was in the Barcelona Summer Olympics 1992 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . was in the 1992 Summer Olympics Barcelona +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . are of the Royal Couple Sweden +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . has Sweden a Royal Couple +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . would be added to The first five laps the second part of the race +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . would be decided the overall result on aggregate +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . opened The first library in Huntington Beach +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . has evolved to The first library a five location library system +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . has a location the library system on Central +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . has a location the library system on Main Street +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . has a location the library system on Helen Murphy +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . has a location the library system on Banning +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . is in Central Huntington Beach +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . is in Main Street Huntington Beach +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . is in Oak View Huntington Beach +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . is in Helen Murphy Huntington Beach +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . is in Banning Huntington Beach +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Tokyo +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Osaka +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Fukuoka +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Tokyo Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Osaka Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Fukuoka Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Jakarta +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Manila +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Singapore +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . played the group Guam +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Guam Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Singapore Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Jakarta Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . is in Manila Southeast Asia +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates including Jakarta +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates including Manila +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates including Singapore +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . featured The following tour extensive dates including Guam +The founder had pledged himself to honour the Blessed Virgin in a special manner . had pledged himself to honour in a special manner The founder the Blessed Virgin +The fundraiser was successful , and the trip occurred from June through September of 2014 . was successful The fundraiser +The fundraiser was successful , and the trip occurred from June through September of 2014 . occurred the trip from June through September of 2014 +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . had The fuselage an oval cross-section +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . housed The fuselage a water-cooled inverted-V V-12 engine +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . rotating a float arm inside the tank a magnet +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . rotates a magnet an external gauge +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . is known as the golf tournament beginning in 1981 the New Orleans Open +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . is the New Orleans Open a golf tournament +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . is open The lodge from mid-May to mid-October +The opening credits sequence for the collection was directed by Hanada Daizaburo . was directed by The opening credits sequence for the collection Hanada Daizaburo +The opening credits sequence for the collection was directed by Hanada Daizaburo . has the collection opening credits sequence +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . has Harvard Business School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . has Harvard Law School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . has Harvard Medical School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are from deans or designees the Faculty of Arts and Sciences +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are from deans or designees Harvard Business School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are from deans or designees Harvard Law School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are from deans or designees Harvard Medical School +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are deans or designees from the Faculty of Arts and Sciences permanent members +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are deans or designees from Harvard Business School permanent members +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are deans or designees from Harvard Law School permanent members +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . are deans or designees from Harvard Medical School permanent members +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . is a the Carl H. Pforzheimer University Professor permanent member +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . is a the provost permanent member +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . is at the Meenakshi Temple Madurai in Tamil Nadu +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . is in Madurai Tamil Nadu +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . are in The pillars a line +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . are in a line on The pillars its both sides +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . are according to The pillars Doric or Greek style +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . have The pillars decorations +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . are according to The pillars' decorations the Meenakshi Temple +The race is in mixed eights , and usually held in late February / early March . is usually held in The race late February / early March +The race is in mixed eights , and usually held in late February / early March . is in The race mixed eights +The rapids at the head of the South Fork were removed in 1908 . are at The rapids the head of the South Fork +The rapids at the head of the South Fork were removed in 1908 . were removed in The rapids 1908 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . came in The redesigned 2006 Ram SRT-10 Mineral Gray Metallic +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . came in The redesigned 2006 Ram SRT-10 Inferno Red +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . came in The redesigned 2006 Ram SRT-10 Brilliant Black Crystal Clear Coat +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . was redesigned The 2006 Ram SRT-10 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . was redesigned The Ram SRT-10 in 2006 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . was The redesigned 2006 Ram an SRT-10 +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . can be reprocessed for The residue more dripping +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . can be strained through The residue a cheesecloth lined sieve +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . reach The rest of the group a small shop +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . attempts to phone Brady the Sheriff +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . breaks through the crocodile a wall +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . devours the crocodile Annabelle +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . was small a shop +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . are reducing The restrictions a person 's pleasure +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . recall the cessation of The restrictions the `` Korban Tamid '' +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . recall the cessation of The restrictions the `` Nesach Hayayin '' +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . had cessation with the `` Korban Tamid '' on the Temple Altar the destruction of the Temple +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . had cessation with the `` Nesach Hayayin '' on the Temple Altar the destruction of the Temple +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . climbed The riders off +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . began walking The riders +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . were shouting in general The riders protests +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . were shouting in particular The riders abuse at the race doctor , Pierre Dumas +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . was Pierre Dumas the race doctor +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . was doctor Pierre Dumas at the race +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . stayed former US President George H. W. Bush aboard +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . is George H. W. Bush former US President +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . is George H. W. Bush former President +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . was titled The second `` Consider Her Ways '' +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . also starred The second Barrie +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . was named the lead Jane Waterleigh +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . was The series of three constitutional amendments in 1933 +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . severely curtailed The series of three constitutional amendments the role of the Governor-General of the Irish Free State +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . was of the Governor-General the Irish Free State +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . was of The series three constitutional amendments +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . consists of The site three subterranean Grotto follies +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . were constructed three subterranean Grotto follies in the 18th century +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . are split between three subterranean Grotto follies two areas +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . is on one of the two areas the western side of the lake +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . is on one of the two areas the eastern side of the lake +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . are subterranean three Grotto follies +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . provides The staff a family-style dinner +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . provides The staff a home-cooked dinner +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . is attended by a family-style , home-cooked dinner Dartmouth students +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . is attended by a family-style , home-cooked dinner community members +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . is attended by a family-style , home-cooked dinner Appalachian Trail thru-hikers +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . is attended by a family-style , home-cooked dinner tourists +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . is attended by a family-style , home-cooked dinner Dartmouth professors +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . has The station a concourse +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . has The station a ticket office area +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . was internally redesigned The concourse at The station +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . was internally redesigned The ticket office area at The station +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . reopened The concourse at The station +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . reopened The ticket office area at The station +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . were both called The stations `` Midsomer Norton and Welton '' +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . was renamed under British Railways as the S&D station Midsomer Norton South +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . was renamed under British Railways as the S&D station Midsomer Norton Upper +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . is being restored the S&D station currently +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . has the S&D station open weekends with engines in steam +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . have open weekends engines in steam +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . should be chilled The stock pot +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . should be scraped clean the solid lump of dripping +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . should be re-chilled for use the solid lump of dripping in the future +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . has a position Amazon.com in the market +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . is The third known version part number 2189014-00-212 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . was being produced at least one model in February 1993 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . was being produced part number 2189014-00-212 in February 1993 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . is known a third version +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . was served by The town a station on the Somerset and Dorset Railway +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . is a station on the Somerset and Dorset Railway +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . closed a station on the Somerset and Dorset Railway in 1966 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . was served by The town a second station on the Bristol and North Somerset Railway at Welton in the valley +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . is a second station on the Bristol and North Somerset Railway at Welton in the valley +The very large piers at the crossing signify that there was once a tower . was a tower at the crossing +The very large piers at the crossing signify that there was once a tower . are The very large piers at the crossing +The very large piers at the crossing signify that there was once a tower . are very large The piers +The video was the first ever to feature the use of dialogue . featured The video the use of dialogue +Their mission was always for a specific mandate and lasted for a limited period . was for Their mission a specific mandate +Their mission was always for a specific mandate and lasted for a limited period . lasted for Their mission a limited period +Their mission was always for a specific mandate and lasted for a limited period . was specific a mandate +Their mission was always for a specific mandate and lasted for a limited period . was limited a period +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . continued to increase Their numbers each year +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . are about rumours immigration restrictions +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . appeared in rumours about immigration restrictions much of the media +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . are put in the fillets a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . is of a mix olive oil +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . is of a mix vinegar +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . is of a mix sugar +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . is of a mix garlic +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . is of a mix lots of parsley or celery +There have been two crashes involving fatalities at the airfield since it was established . have involved two crashes fatalities +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . closed a Youth Hostel in October 2008 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . has reopened as the Youth Hostel building Keld Lodge +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . is Keld Lodge a hotel with bar and restaurant +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . has Keld Lodge bar and restaurant +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . had 30.1 % out of 143 households children under the age of 18 living with them +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . had 11.9 % out of 143 households a female householder with no husband present +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . were 36.4 % out of 143 households non-families +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . were There 143 households +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . had 35.00 % out of 47,604 households children under the age of 18 living with them +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . had 7.50 % out of 47,604 households a female householder with no husband present +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . were 32.50 % out of 47,604 households non-families +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . were There 47,604 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were There 6,524 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were out of 35.3 % 6,524 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . had living with them 35.3 out of 6,524 households children under the age of 18 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were out of 31.7 % 6,524 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were out of 31.5 % 6,524 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . had 31.5 out of 6,524 households a female householder with no husband present +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were out of 30.6 % 6,524 households +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . were 30.6 out of 6,524 households non-families +These and other attempts supplied a bridge between the literature of the two languages . supplied These attempts a bridge between the literature of the two languages +These and other attempts supplied a bridge between the literature of the two languages . supplied other attempts a bridge between the literature of the two languages +These and other attempts supplied a bridge between the literature of the two languages . was between a bridge the literature of the two languages +These and other attempts supplied a bridge between the literature of the two languages . had the two languages literature +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . are visually very similar to These part number 2189014-00-211 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . have These the same AT style plug +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . have These the same AT style chassis +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . is bearing the silver label on the reverse the AnyKey moniker +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . are holding together screws the keyboard +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . is requiring macro programming the control key +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . are lacking These the AnyKey inscription +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . has part number 2189014-00-211 an AT style plug +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . has part number 2189014-00-211 an AT style chassis +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . is lacking part number 2189014-00-211 the AnyKey inscription +These beams stem from a cosmic energy source called the `` Omega Effect '' . is called a cosmic energy source the `` Omega Effect '' +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . allow These orientations easy movement +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . is easy movement degrees of freedom +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . allow These orientations degrees of freedom +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . lowers minimally easy movement entropy +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . thus lower minimally These orientations entropy +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . are These orientations +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . were often related to These European conflict +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . were aided by the Stuart Pretenders Britain 's continental enemies +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . were encouraged by the Stuart Pretenders Britain 's continental enemies +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . were aided for the Stuart Pretenders Britain 's continental enemies' own ends +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . were encouraged for the Stuart Pretenders Britain 's continental enemies' own ends +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . has Britain continental enemies +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . beat 1-0 They Milligan +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . beat 3-0 They Grand View +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . beat 0-0 They Azusa Pacific +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . beat to win They the NAIA National Championships +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . have included They some of the most dangerous assassins in the world +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . are in some of the most dangerous assassins the world +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . are including some of the most dangerous assassins Lady Shiva +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . are including some of the most dangerous assassins David Cain +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . are including some of the most dangerous assassins Merlyn +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . are dangerous assassins +They usually go through a period of dormancy after flowering . usually go through They a period of dormancy +This attire has also become popular with women of other communities . has also become popular This attire with women of other communities +This engine was equipped with an electronically controlled carburetor . was equipped with This engine an electronically controlled carburetor +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . was the main language of the Welsh language the nonconformist churches +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . had considerable implications for This the Welsh language +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . is most common in This those with Barrett 's esophagus +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . occurs This in those with Barrett 's esophagus +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . was extended This line east +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . was extended This line by the Prahran & Malvern Tramways Trust +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . was extended This line from Hawthorn Road +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . was extended This line to Darling Road , Malvern East +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . is in Darling Road Malvern East +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman strength +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman speed +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman reflexes +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman agility +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman flexibility +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman dexterity +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman coordination +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman balance +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . gives him This mutation superhuman endurance +This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers . was however opposed by This policy the miners +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . organized Pascalina the `` Magazzino '' +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . led Pascalina the `` Magazzino '' +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . is a private papal charity office the `` Magazzino '' +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . continued the `` Magazzino '' until 1959 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . employed up to 40 helpers the `` Magazzino '' +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . assisted the `` Magazzino '' the pope +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . had many calls for his help the pope +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . had many calls for his charity the pope +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . employed up to 40 helpers a private papal charity office +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . continued a private papal charity office until 1959 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . organized the `` Magazzino '' To assist Pascalina the pope +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . led the `` Magazzino '' To assist Pascalina the pope +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . asks to live together in the Bluth model home with him and George Michael To keep the family together Michael his self-centered twin sister Lindsay +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . asks to live together in the Bluth model home with him and George Michael To keep the family together Michael his self-centered twin sister Lindsay's husband Tobias +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . is Lindsay Michael's self-centered twin sister +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . is Tobias Lindsay's husband +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . is daughter of Lindsay Maeby +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . is daughter of Tobias Maeby +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . asks to live together in the Bluth model home with him and George Michael To keep the family together Michael their daughter Maeby +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . is self-centered Lindsay +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . lives Michael in the Bluth model home +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . lives George Michael in the Bluth model home +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . lives with Michael George Michael +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . framed Judaism in light of Greek thought the Medieval school of Jewish Philosophy +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . framed Judaism in light of human intellect the Medieval school of Jewish Philosophy +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . has no needs To God the Infinite the Medieval school of Jewish Philosophy +To the north , along and across the same border , live speakers of Lakha . live speakers of Lakha To the north +To the north , along and across the same border , live speakers of Lakha . live speakers of Lakha along the same border +To the north , along and across the same border , live speakers of Lakha . live speakers of Lakha across the same border +Total ` Fresh Food Story ' constructed at the end of the North Mall . is constructed at Total ` Fresh Food Story ' the end of the North Mall +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . Transferred to `` R-11 '' Key West , Florida +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . continued `` R-11 '' her training ship duties +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . had `` R-11 '' training ship duties +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . is in Key West Florida +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . had a `` R-11 '' career +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . was `` R-11 '' her +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . was often incorrectly credited as being Trumbull the sole special-effects creator for 2001 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . is the mother of Ladd actress Laura Dern +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . is the mother by Ladd her ex-husband , actor Bruce Dern +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . is Laura Dern an actress +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . is actor Bruce Dern Ladd's ex-husband +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . is Bruce Dern an actor +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . was of the re-election A.A. MacLeod +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . was of the re-election J.B. Salsberg +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . won A.A. MacLeod a seat +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . won J.B. Salsberg a seat +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . is in A.A. MacLeod Labor-Progressive Party +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . is in J.B. Salsberg Labor-Progressive Party +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . also has Tyabb Tyabb Airport +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . has been operating for Tyabb Airport more than thirty years +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . is in Tyabb Airport Tyabb +Under the Comanche program , each company built different parts of the aircraft . built each company different parts of the aircraft +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . is not he a figure of authority +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . is possessed of he neither patriarchal power nor heroic defiance +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . is Unlike he Uncle Sam +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . is Uncle Sam a figure of authority +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . prefers he his small beer +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . prefers he his domestic peace +Unruly passengers are often put off here to be taken into custody . are often put off Unruly passengers here +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . is practiced by Wakeboarding men +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . is practiced by Wakeboarding women +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . is practiced at Wakeboarding the competitive level +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . compete in men separate categories +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . compete in women separate categories +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . compete in they separate categories +Watson has served as Minority Leader since elected by his caucus in November 1998 . has served as Watson Minority Leader +Watson has served as Minority Leader since elected by his caucus in November 1998 . was elected by Watson his caucus +Watson has served as Minority Leader since elected by his caucus in November 1998 . was elected as Watson Minority Leader +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . was launched `` newcritics.com , '' an online journal of media and arts criticism in January , 2007 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . was shuttered `` newcritics.com , '' an online journal of media and arts criticism in June , 2009 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . was an online journal of media criticism `` newcritics.com '' +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . was an online journal of arts criticism `` newcritics.com '' +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . began showing Naguib signs of independence from Nasser +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . are established political forces the Wafd and the Brotherhood Egypt +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . has land reform decrees RCC +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . was introduced by civilian government the Americans +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . were reinstated new municipalities Romblon +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . were created new municipalities Romblon +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . tore through the explosion the hut +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . painted Scieszka apartments +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . was pursuing Scieszka his MFA +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . is Columbia in New York +Why the `` Epilogue '' is missing is unknown . is unknown Why the `` Epilogue '' is missing +Why the `` Epilogue '' is missing is unknown . is missing the `` Epilogue '' +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . may require more Wide acceptance of zero-energy building technology government incentives +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . may require more Wide acceptance of zero-energy building technology building code regulations +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . may require Wide acceptance of zero-energy building technology the development of recognized standards +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . may require Wide acceptance of zero-energy building technology significant increases in the cost of conventional energy +With no assigned task , the Cosmos expressed concern for what Battra might do . had no assigned task Battra +With no assigned task , the Cosmos expressed concern for what Battra might do . was assigned no task +With no assigned task , the Cosmos expressed concern for what Battra might do . was expressed concern +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . has captivated she Yaromir +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . is the goddess of Morena the underworld +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . has had the help of she Morena +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . has a goddess the underworld +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . was officially transformed from Russia an absolute monarchy With this act +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . was officially transformed into Russia a constitutional monarchy With this act +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . quickly became the exact extent of just `` how '' constitutional the subject of debate +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . has combat clubs Big Gun Model Warship +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . have rules Big Gun Model Warship combat clubs +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . has versions in Big Gun Model Warship 1/48 scale +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . has versions in Big Gun Model Warship 1/72 scale +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . has versions in Big Gun Model Warship 1/96 scale +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . has versions in Big Gun Model Warship 1/144 scale +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . was the subject of Wright `` This Is Your Life '' +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . was the subject on Wright two occasions +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . was the subject in Wright May 1961 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . was the subject in Wright January 1990 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . was surprised by Wright Eamonn Andrews +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . surprised Michael Aspel Wright +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . has Thames Television Teddington Studios +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . was released as `` Black Water '' a B-side to another Hot 100 hit +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . topped `` Black Water '' the Hot 100 itself +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . was launched by Greenfish the Electric Boat Co. +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . was sponsored by Greenfish Mrs. Thomas J. Doyle +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . was commissioned by Greenfish the Electric Boat Co. +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . was commanding Comdr. R. M. Metcalf Greenfish +`` It started from modest beginnings and became a gigantic charity '' . started from It modest beginnings +`` It started from modest beginnings and became a gigantic charity '' . became It a gigantic charity +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . is reported to be Le Griffon the Holy Grail of Great Lakes shipwreck hunters +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' has Luxembourg a Grand Duke +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' has Luxembourg Prime Ministers +`` The Cure '' topped the online music sales charts . topped The Cure the online music sales charts +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . supported himself without any supplement from he teaching +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . supported himself without any supplement from he church position +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . indicate $ 300 million of bonds a 3 3\/4 % coupon at par via Nomura International Ltd +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . is via 3 3\/4 % coupon at par Nomura International Ltd +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . is with $ 300 million of bonds equity - purchase warrants +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) kill terrorists Americans abroad +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . is Mr. Panelli A San Francisco lawyer +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . left grease marks on the machine his carpet +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . were at A half - dozen Soviet space officials an exhibit +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . are at their counterparts the National Space Development Agency of Japan +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . first filed to sell Beatrice debt +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . had planned to offer the company $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . has the company senior subordinated reset notes +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . will be at yield of senior subordinated reset notes 12 3\/4 % +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . are such as other crops cotton +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . are such as other crops soybeans +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . are such as other crops rice +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . is designated to maintain an exchange member a fair and orderly market in a specified stock +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . is designated to maintain an exchange member a fair market in a specified stock +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . is designated to maintain an exchange member an orderly market in a specified stock +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . has holders Telerate Inc. +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . does n't already own Dow Jones & Co. 33 % of Telerate +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . earned UniFirst $ 2.4 million +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . acts as the short - term money market a hedge against inflation for consumers +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . acts as the short - term money market an accelerator of inflation for the government +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . acts as the short - term money market an accelerator of deficits for the government +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . is estimated to be tied up in About $ 70 billion the short - term money market +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . is led by the buy - out group United 's pilots union +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . is led by the buy - out group UAL Chairman Stephen Wolf +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . is Chairman Stephen Wolf UAL +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . has begun billing the buy - out group UAL +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes expenses to the buy - out group investment bankers +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes expenses to the buy - out group law firms +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes expenses to the buy - out group banks +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes fees to the buy - out group investment bankers +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes fees to the buy - out group law firms +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . owes fees to the buy - out group banks +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . is familiar with one person the airline +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . has United pilots union +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . has UAL Chairman +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . was elected to he his first 10 - year term as judge +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . was elected to he his first 10 - year term as judge +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . was elected After practicing he law locally +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . was practicing law he locally +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' have been watching Heathrow authorities a group of allegedly crooked baggage handlers +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' are allegedly crooked a group of baggage handlers +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' are in authorities Heathrow +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' may be `` lost '' the Gauguin +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . will announce the Treasury details of the November refunding +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . is President Bush +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . has been fascinated by the public gossip +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . has been fascinated by the public voyeurism +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives sexual activities +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives domestic relationships +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives activities of family members +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives all matters about mental health +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . including collateral facts about private lives all matters about physical health +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . gave discounts on Dewar 's Scottish merchandise +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . gave Dewar 's discounts on Scottish merchandise +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . laughs Mr. Fingers , the former Oakland reliever +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . is the former Oakland reliever Mr. Fingers +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . by pitchers complete games +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . by complete games pitchers +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . out of perhaps three complete games by pitchers 288 games by pitchers +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . is the Oakland reliever Mr. Fingers former +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . is the former reliever Mr. Fingers Oakland +And he got rid of low - margin businesses that just were n't making money for the company . were n't making low - margin businesses money for the company +And he got rid of low - margin businesses that just were n't making money for the company . were n't making for low - margin businesses the company +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : are on Annualized interest rates certain investments +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : are reported by Annualized interest rates on certain investments the Federal Reserve +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : are reported on Annualized interest rates on certain investments a weekly - average basis +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : are Annualized interest rates +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : is weekly - average basis +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : is basis average weekly +As of Sept. 30 , American Brands had 95.2 million shares outstanding . had American Brands 95.2 million shares outstanding +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . drew to a close the London trading session +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . drew to a close the trading session in London +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . was still listening to the market the parliamentary debate on the economy +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . was expected to clarify new Chancellor of the Exchequer John Major his approach to the British economy +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . was expected to clarify new Chancellor of the Exchequer John Major his approach to currency issues +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . is John Major new Chancellor of the Exchequer +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . has approach to new Chancellor of the Exchequer John Major the British economy +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . has approach to new Chancellor of the Exchequer John Major currency issues +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . is in the trading session London +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . is on parliamentary debate the economy +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . have tripled sales At Giant Bicycle Inc. , Rancho Dominguez , Calif. +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . is in Giant Bicycle Inc. Rancho Dominguez , Calif. +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . is in Rancho Dominguez Calif. +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . entered Giant Bicycle Inc. the U.S. mountain - bike business +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . entered Giant Bicycle Inc. the mountain - bike business +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . were sharply higher almost all of the shares in the 20 - stock Major Market Index At one point +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . were sharply higher almost all of the shares in the 20 - stock Major Market Index +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . has Major Market Index 20 stocks +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . mimics the 20 - stock Major Market Index the industrial average +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . require less patients attention from nurses +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . require less patients attention from other staff +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . are lower than room charges a regular room +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . are about $ 100 less per day than room charges a regular room +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . are jolted with certain areas a magnetic stimulator +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . is magnetic stimulator +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . have brains subjects +Both reflect the dismissal of lower - level and shorter - tenure executives . reflect Both the dismissal of lower - level and shorter - tenure executives +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . had a rise British stocks +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . are British government bonds +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . are British stocks +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . ended moderately higher British government bonds +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . were encouraged by British government bonds a steadier pound +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . were encouraged by British government bonds a rise in British stocks +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . is steadier pound +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . is offering the state only $ 39,000 a year +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . has California high standard of living +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . is a recruiting officer Brent Scott +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . has been waived the golden share +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . ban the British concern 's articles of association shareholdings of more than 15 % +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . would still have to alter a hostile bidder for Jaguar the British concern 's articles of association +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . has articles of association the British concern +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . is hostile bidder for Jaguar +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . has Jaguar a hostile bidder +But amid the two dozen bureaucrats and secretaries sits only one real - life PC . sits amid only one real - life PC the two dozen bureaucrats and secretaries +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up new accounts this month +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up new sales this month +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up inquiries this month +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up subsequent sales of stock funds this month +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up from new accounts September 's level +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up from new sales September 's level +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up from inquiries September 's level +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are up from subsequent sales of stock funds September 's level +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . are subsequent sales of stock funds +But it appears to be the sort of hold one makes while heading for the door . is heading for one the door +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . has exposure the taxpayer +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . does that at the cost of deepening it the taxpayer 's exposure +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . is Judge O'Kicki +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . were afraid to go all in +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . were afraid to go in all at the door +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . arrived at they the door +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . were afraid to go they in +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . are n't reported wire transfers from a standing account +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . ca n't dismiss Mr. Stoltzman 's music as you merely commercial +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . ca n't dismiss Mr. Stoltzman 's music as you merely lightweight +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . ca n't dismiss Mr. Stoltzman 's motives as you merely commercial +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . ca n't dismiss Mr. Stoltzman 's motives as you merely lightweight +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . uses Omron Tateishi Electronics Co. PCs +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . is Omron Tateishi Electronics Co. in Kyoto +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . is the company Omron Tateishi Electronics Co. , of Kyoto +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . will jump as much as Combined PC and work - station use 25 % annually +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . will jump about Combined PC and work - station use 10 % +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . are Combined PC and work - station use +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . is Crouched Bert Campaneris at shortstop +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . was Oakland 's master thief Bert Campaneris once +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . effortlessly scoops up Bert Campaneris a groundball +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . effortlessly flips it to Bert Campaneris second +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . have passed balloonists a Federal Aviation Authority lighter - than - air test +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . has a Federal Aviation Authority lighter - than - air test +Each company 's share of liability would be based on their share of the national DES market . would be based on Each company 's share of liability their share of the national DES market +Each company 's share of liability would be based on their share of the national DES market . has share of Each company liability +Each company 's share of liability would be based on their share of the national DES market . has share of Each company the national DES market +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . is Blackstone Group a New York investment bank +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . is in investment bank New York +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . is in Blackstone Group New York +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . created Blackstone Group a special $ 570 million mortgage - securities trust +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . created for Blackstone Group Japanese investors a special $ 570 million mortgage - securities trust +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . pores over Mr. Sider last wills and testaments +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . is Mr. Sider an estate lawyer +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . is subminimum `` training wage '' +Feeling the naggings of a culture imperative , I promptly signed up . signed up I promptly +Feeling the naggings of a culture imperative , I promptly signed up . was Feeling I the naggings of a culture imperative +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . have raised Few people as many hackles as Alvin A. Achenbaum +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . raised Alvin A. Achenbaum hackles +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . has management Rockefeller +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . is taking a place on the board Mitsubishi Estate Rockefeller +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . incurred First Boston millions of dollars of losses +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . could n't sell First Boston special securities +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . can fly from a passenger Chardon , Neb. +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . can fly to a passenger Denver +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . can fly for as little as a passenger $ 89 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . can fly for a passenger as little as $ 89 to $ 109 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . were quoted by prices the company +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . were granted to large wage increases nonunion workers +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . has interests in Fraser & Neave packaging +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . has interests in Fraser & Neave beer +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . has interests in Fraser & Neave dairy products +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . holds Fraser & Neave the Coke licenses for Malaysia +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . holds Fraser & Neave the Coke licenses for Brunei +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . is n't as high as in per - capita consumption Singapore +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . is n't as high as in per - capita consumption Singapore +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . is n't as high as per - capita consumption in Malaysia in Singapore +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . is n't as high as per - capita consumption in Brunei in Singapore +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . holds Coke licenses Fraser & Neave Malaysia +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . holds Coke licenses Fraser & Neave Brunei +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . also has interests in packaging , beer and dairy products Fraser & Neave +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . was appointed Hani Zayadi president of this financially troubled department store chain +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . was appointed Hani Zayadi chief executive officer of this financially troubled department store chain +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . is financially troubled this department store chain +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . is succeeding Hani Zayadi Frank Robertson +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . is retiring early Frank Robertson +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . was appointed effective Hani Zayadi Nov. 15 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . is retiring Frank Robertson early +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . has a chief executive officer this financially troubled department store chain +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . has a president this financially troubled department store chain +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . would justify legal authority such an injunction +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . illustrated He this intricate , jazzy tapestry +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . unfortunately illustrated with He Mr. Pearson 's images +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was thoroughly distracting from a kitschy mirroring of the musical structure Mr. Reich 's piece +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was thoroughly distracting from a kitschy mirroring of the musical structure Mr. Stoltzman 's elegant execution +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was kitschy mirroring of the musical structure +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . has Mr. Reich a piece +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . has Mr. Stoltzman elegant execution +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . is elegant Mr. Stoltzman 's execution +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . are repeating objects +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . are geometric objects +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . is intricate this tapestry +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . is jazzy this tapestry +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . has Mr. Pearson images +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . are of Mr. Pearson 's images geometric objects +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was illustrated with this intricate , jazzy tapestry Mr. Pearson 's images +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was illustrated with images of this intricate , jazzy tapestry geometric objects +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . were a kitschy mirroring of images of geometric or repeating objects the musical structure +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . was kitschy mirroring of the musical structure +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . were made to charges various departments +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . were made for charges computer time +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . had no Hunter valid billing address +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . was named a user `` Hunter '' +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . had no a user valid billing address +He has n't been able to replace the M'Bow cabal . has n't been able to replace He the M'Bow cabal +He has n't been able to replace the M'Bow cabal . is M'Bow a cabal +Her recent report classifies the stock as a `` hold . '' classifies Her recent report the stock +Her recent report classifies the stock as a `` hold . '' is classified as the stock a `` hold '' +Her recent report classifies the stock as a `` hold . '' classifies as Her recent report a `` hold '' +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . are price trends on the world 's major stock markets Here +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . are on price trends the world 's major stock markets +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . are in major stock markets the world +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . has the world major stock markets +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . are calculated by price trends on the world 's major stock markets Morgan Stanley Capital International Perspective +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . is in Morgan Stanley Capital International Perspective Geneva +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . is n't abandoning StatesWest its pursuit of the much - larger Mesa +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . is in pursuit of StatesWest the much - larger Mesa +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . is much larger Mesa +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . to fill a national referendum on an election the new post of president +I was pleased to note that your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century . recognized your item the money - fund concept as one of the significant events +If there 's something ' weird and it do n't look good . do n't look it good +If there 's something ' weird and it do n't look good . 's there something weird +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled Mrs. Marcos the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled for Mrs. Marcos Hawaii +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled Ferdinand Marcos , the ousted president of the Philippines , the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled for Ferdinand Marcos , the ousted president of the Philippines Hawaii +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled her late husband the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . fled for her late husband Hawaii +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos racketeering +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos conspiracy +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos obstruction of justice +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos mail fraud +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with her late husband , Ferdinand Marcos , the ousted president of the Philippines racketeering +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with her late husband , Ferdinand Marcos , the ousted president of the Philippines conspiracy +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with her late husband , Ferdinand Marcos , the ousted president of the Philippines obstruction of justice +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with her late husband , Ferdinand Marcos , the ousted president of the Philippines mail fraud +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . is the ousted president of the Philippines her late husband , Ferdinand Marcos +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . is her late husband Ferdinand Marcos , the ousted president of the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . allegedly embezzled from Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines their homeland +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . allegedly embezzled more than $ 100 million Mrs. Marcos +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . allegedly embezzled more than $ 100 million her late husband , Ferdinand Marcos , the ousted president of the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos racketeering +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos conspiracy +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was ousted Ferdinand Marcos , president of the Philippines +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos obstruction of justice +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . was charged with Mrs. Marcos mail fraud +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . is late husband of Ferdinand Marcos , the ousted president of the Philippines Mrs. Marcos +In Japan , those functions account for only about a third of the software market . those functions account for only about a third of the software market +In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention . expected by debt offering International Business Machines Corp. +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . rose from profit $ 283.9 million +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . rose from profit $ 3.53 a share +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . rose by profit 10 % +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . rose 10 % to profit $ 313.2 million +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . rose 10 % to profit $ 3.89 a share +Indeed , the insurance adjusters had already bolted out of the courtroom . had bolted out of the insurance adjusters the courtroom +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . claims to be Industrial Bank of Japan the biggest Japanese buyer of U.S. mortgage securities +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . will more than double Industrial Bank of Japan its purchases this year +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . puts one official amount at several billion dollars +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . came in It London 's `` Big Bang '' deregulation +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . came in It Toronto 's `` Little Bang '' deregulation +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . rose by It 4.8 % +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . rose by It 4.7 % +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . surged It 2 3\/4 to 6 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . surged to It 6 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . surged on It volume of more than 1.7 million shares +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . agreed to be acquired by the company Japan 's Chugai Pharmaceutical +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . agreed to be acquired for the company about $ 110 million +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . is $ 110 million almost double the market price of Gen - Probe 's stock +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . is in Chugai Pharmaceutical Japan +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . has stock Gen - Probe +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . has market price Gen - Probe stock +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . was the most active of It the 100 - share index +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . was the most active at It 8.3 million shares +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . were traded 6.5 million of 8.3 million shares by midday +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . is 100 - share index +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . are owned by fewer than 3 % of Jaguar 's shares employees and management +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . has defenses against Jaguar a hostile bid +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . use PCs at half the rate of Japanese office workers their European counterparts +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . use PCs at one - third the rate of Japanese office workers the Americans +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are European counterparts +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are Japanese office workers +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are European office workers +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are Americans office workers +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are in office workers Japan +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are in office workers Europe +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . are in office workers America +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . use European office workers PCs +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . use American office workers PCs +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . is Ernesto Ruffo conservative leader +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . is conservative Ernesto Ruffo +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . is a leader Ernesto Ruffo +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . takes office conservative leader Ernesto Ruffo Nov. 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . takes office as conservative leader Ernesto Ruffo the first opposition governor in Mexico 's modern history +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . takes office in conservative leader Ernesto Ruffo Mexico +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . has modern history Mexico +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . are climbing at Labor costs a far more rapid pace +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . are climbing in Labor costs the health care industry +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . are climbing in Labor costs other industries +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . are climbing Labor costs in the health care industry +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . are climbing Labor costs in other industries +Meanwhile , at home , Mitsubishi has control of some major projects . has control Mitsubishi of some major projects +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . are banned from treating Medical cooperatives cancer patients +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . are banned from treating Medical cooperatives pregnant women +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . are banned from treating Medical cooperatives pregnant women +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . are among Medical cooperatives the most successful +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . has interests in Metromedia telecommunications +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . has interests in Metromedia robotic painting +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . has interests in Metromedia computer software +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . has interests in Metromedia restaurants +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . has interests in Metromedia entertainment +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . is headed by Metromedia John W. Kluge +Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields . have jumbo CDs denominations over $ 90,000 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . almost certainly would n't be able to participate in Mr. Guber future sequels to `` Batman '' +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . almost certainly would n't be able to participate in Mr. Peters future sequels to `` Batman '' +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . is a blockbuster hit `` Batman '' +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . was produced for `` Batman '' Warner +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . produced they `` Batman '' +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . has the Big Board factions +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . normally appears to be Mr. Phelan solidly in control of the Big Board 's factions +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . has Mr. Ridley decision +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . fires Mr. Ridley 's decision the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . perhaps will be contest costly +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . is between a costly contest the world 's auto giants +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . has auto giants the world +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . are in auto giants the world +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . have fun breaking into precocious students computers +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . was under Pinkerton 's loss of nearly $ 8 million American Brands +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . had a loss of Pinkerton 's nearly $ 8 million under American Brands +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . was previously president and chief operating officer of Mr. Zayadi Zellers Inc. +Mrs. Marcos 's trial is expected to begin in March . is expected to begin a Mrs. Marcos trial +Now that the New York decision has been left intact , other states may follow suit . has been left intact the New York decision Now +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' says : he `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' has Mrs. Stinnett dog +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' is Cuddles Mrs. Stinnett 's dog +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' is self - starting vacuum cleaner +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . are product - related lawsuits +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . is broader scale +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . have courts other states +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . has logic the New York court +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . could adopt the logic in other states ' courts DES cases +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . could adopt the logic in other states ' courts other product - related lawsuits +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . goes ghost - busting Mr. Baker On a recent afternoon +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . goes ghost - busting a reporter On a recent afternoon +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . visits Mr. Baker Kathleen Stinnett +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . visits a reporter Kathleen Stinnett +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . has phoned Kathleen Stinnett the University of Kentucky +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . has reported Kathleen Stinnett mysterious happenings in her house +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' had best not dance One a coffin +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' has lid coffin +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . are his factories in Japan +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . are his factories in Korea +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . employ his factories his followers at subsistence wages +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . produce his factories rifles +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . are marble vases expensive +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . are expensive vases marble +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . produce his factories ginseng +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . produce his factories expensive marble vases +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . flows money westward +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . is ascending one in a picnic basket +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . is descending one a tad trop rapidement +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . feels one airborne +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . is Osamu Nagayama deputy president of Chugai +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . Chugai has deputy president +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . covers Pennzoil 's poison pill five years +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . is manner prudent +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . is management current +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . is poison pill +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . has Pennzoil poison pill +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . is Lee Kuan Yew Prime Minister +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . is Lee Kuan Yew Singapore 's leader +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . was Lee Kuan Yew one of the leading statesmen +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . was Lee Kuan Yew one of Asia 's leading statesmen for 30 years +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . has Singapore leader +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . has Asia leading statesmen +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . has Singapore Prime Minister +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . has Lee Kuan Yew influence +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . introduced Procter & Gamble Co. refillable versions of four products +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . introduced Procter & Gamble Co. refillable versions of Tide +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . introduced Procter & Gamble Co. refillable versions of Mr. Clean +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't plan to bring to Procter & Gamble Co. them +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't plan to bring to Procter & Gamble Co. refillable versions of Mr. Clean +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't plan to bring to Procter & Gamble Co. refillable versions of four products +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't plan to bring to Procter & Gamble Co. refillable versions of Tide +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . have four products refillable versions +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . has Tide refillable version +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . has Mr. Clean refillable version +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . is Tide product of Procter & Gamble Co. +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . is Mr. Clean product of Procter & Gamble Co. +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't have Tide refillable version +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't have Mr. Clean refillable version +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . does n't have four products refillable versions +RISC technology speeds up a computer by simplifying the internal software . speeds up RISC technology a computer +RISC technology speeds up a computer by simplifying the internal software . simplifies RISC technology the internal software +RISC technology speeds up a computer by simplifying the internal software . computer has internal software +RISC technology speeds up a computer by simplifying the internal software . speeds by simplifying RISC technology the internal software +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . is Lancet British medical journal +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . is Lancet medical journal +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . can cause RU-486 birth defects +Repeat customers also can purchase luxury items at reduced prices . are at luxury items reduced prices +Roger M. Marino , president , was named to the new post of vice chairman . was named to Roger M. Marino the new post of vice chairman +Roger M. Marino , president , was named to the new post of vice chairman . is Roger M. Marino president +Roger M. Marino , president , was named to the new post of vice chairman . is new the post of vice chairman +Roger M. Marino , president , was named to the new post of vice chairman . is Roger M. Marino vice chairman +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . is ambassador Ryukichi Imai Japan +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . is Japan 's Ryukichi Imai ambassador to Mexico +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . is Japan 's ambassador to Ryukichi Imai Mexico +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . is showing the dollar persistent strength +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . is shown by a slowdown in the U.S. economy economic indicators +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . is in a slowdown the economy +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . is Robert Byrd Senate Appropriations Committee Chairman +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . is D. Robert Byrd W.Va W.Va +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . sought the House deeper cuts +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . has Chairman Senate Appropriations Committee +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . is in Appropriations Committee Senate +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . agreed to acquire Shaw Industries Armstrong World Industries ' carpet operations +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . agreed to acquire for Shaw Industries an undisclosed price Armstrong World Industries ' carpet operations +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . rose 2 1\/4 Shaw Industries +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . rose to 26 1\/8 Shaw Industries +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . has Armstrong World Industries carpet operations +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . is price of Armstrong World Industries ' carpet operations undisclosed +Sidley will maintain its association with the Hashidate Law Office in Tokyo . will maintain Sidley its association with the Hashidate Law Office in Tokyo +Sidley will maintain its association with the Hashidate Law Office in Tokyo . is in Hashidate Law Office Tokyo +Sidley will maintain its association with the Hashidate Law Office in Tokyo . has association with Sidley Hashidate Law Office in Tokyo +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . regroup stroke patients ' brains +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . also includes the real estate unit debt +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . is close to the imputed value of the real estate itself $ 3 billion +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . has imputed value the real estate itself +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . was voted Judge O'Kicki president of the Pennsylvania Conference of State Trial Judges +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . was voted by Judge O'Kicki the state 's 400 judges +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . is O'Kicki Judge +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . has Pennsylvania Conference of State Trial Judges +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . is in Conference of State Trial Judges Pennsylvania +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . has 400 judges Pennsylvania +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . are in 400 judges Pennsylvania +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . remain in charge of Soviets education programs +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . is in charge of a former head of an African military tribunal for executions culture +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . directs a hard - line Polish communist in exile the human - rights and peace division +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . is in exile a hard - line Polish communist +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to climbed 5.29 Standard & Poor 's 500 - Stock Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to climbed to 340.36 Standard & Poor 's 500 - Stock Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to added 4.70 the Dow Jones Equity Market Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to added to 318.79 the Dow Jones Equity Market Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to climbed 2.65 the New York Stock Exchange Composite Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to has Standard & Poor 500 - Stock Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to has Dow Jones Equity Market Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to has New York Stock Exchange Composite Index +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to is in Stock Exchange New York +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . are certain to turn Strong sales so far the tide +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . expects Nissan 25 % market share +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . had position Nissan at the beginning of the decade +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . can be responsible for THE CHIEF NURSING officer more than 1,000 employees +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . can be responsible for THE CHIEF NURSING officer at least one - third of a hospital 's budget +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . has a hospital a budget +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . typically oversees a head nurse up to 80 employees +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . typically oversees a head nurse up to $ 8 million +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . can continue bidding for industrial companies one another +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . will be at a disadvantage in obtaining financial buyers financing +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . are financial buyers leveraged buy - out firms +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . is in disarray the junk - bond market +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . has a bid Georgia - Pacific +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . are industrial companies +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . will be at a disadvantage in obtaining leveraged buy - out firms financing +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . bore Technology stocks the brunt of the OTC market 's recent sell - off +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . has turned around the market now +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . had a sell - off the OTC market recent +That compares with 3.5 % butterfat for whole milk . compares with That 3.5 % butterfat for whole milk +That compares with 3.5 % butterfat for whole milk . has 3.5 % butterfat whole milk +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . will float a price four percentage points above the three - month LIBOR +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . is a former rock 'n' roll manager The 41 - year - old Mr. Azoff +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . is the a 41 - year - old Mr. Azoff +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . was moribund MCA 's music division once +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . had six years The 41 - year - old Mr. Azoff at the company +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . was turned around MCA 's once - moribund music division at the company +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . has a lawsuit Lone Star Steel +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . was due $ 4.5 million Lone Star Steel pension payment in September +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . was n't paid $ 4.5 million Lone Star Steel pension payment in September +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . is parent company Lone Star Technologies +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . is parent of Lone Star Technologies Lone Star Steel +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . is subsidiary of Lone Star Steel Lone Star Technologies +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . would have detected mandatory preflight checks the error +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . are mandatory preflight checks +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . has wing flaps plane +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . has slats plane +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . failed to set pilots the plane 's slats properly for takeoff +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . failed to make pilots mandatory preflight checks +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . are preflight mandatory checks +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . does n't expect The New Orleans oil and gas exploration and diving operations company any further adverse financial impact from the restructuring +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . fell The Second Section index 36.87 points +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . was down The Second Section index 21.44 points +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . was down The Second Section index 0.59 % +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . closed at The Second Section index 3636.06 +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . are as light as light tanks 10 tons +The U.S. market , too , is dominated by a giant , International Business Machines Corp . is dominated by The U.S. market a giant , International Business Machines Corp +The U.S. market , too , is dominated by a giant , International Business Machines Corp . is dominated by The market a giant , International Business Machines Corp +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . has got off to The basket product a slow start +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . is being supported by The basket product some big brokerage firms +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . is splintered Mr. Phelan 's constituency +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . has Mr. Phelan splintered constituency +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . does n't mention The campaign cigarettes +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . does n't mention The campaign smoking +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . have been prohibited on cigarette ads television +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . is patriotic a celebration of the 200th anniversary of the Bill of Rights +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . is a patriotic celebration of The campaign the 200th anniversary of the Bill of Rights +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . is the Landmark Tower The centerpiece of that complex +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . will be the Landmark Tower Japan's tallest building +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . will be he centerpiece of that complex Japan's tallest building +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . has a centerpiece that complex +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . will be completed in the Landmark Tower 1993 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . will be completed in Japan 's tallest building 1993 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . will be completed in The centerpiece of that complex 1993 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . stemmed from The conviction federal charges of consumer fraud for sale of phony infant apple juice +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . were federal charges of consumer fraud for sale of phony infant apple juice +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . was for sale phony infant apple juice between 1978 and 1983 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . was phony infant apple juice +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . is for infants apple juice +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . stemmed from The conviction federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . rose slightly from The discount rate on three - month Treasury bills the average rate +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . rose slightly to The discount rate on three - month Treasury bills 7.79 % +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . rose slightly for The discount rate on three - month Treasury bills a bond - equivalent yield of 8.04 % +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . was on auction Monday +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . have discount rate three - month Treasury bills +The dollar drew strength from the stock market 's climb . drew strength from The dollar the stock market 's climb +The dollar drew strength from the stock market 's climb . had a climb the stock market +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . might have been barred lawsuits +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . is the extension one - year +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . were filed too late lawsuits +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . had profited handsomely by building The executives American National Can Co. +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . is Triangle 's chief asset American National Can Co. +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . is chief asset of American National Can Co. Triangle +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . took off The field in 1985 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . are at scientists Britain 's Sheffield University +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . is in Sheffield University Britain +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . developed scientists a handy , compact magnet for brain stimulation +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . is compact a magnet for brain stimulation +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . is handy a magnet for brain stimulation +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . is for a handy , compact magnet brain stimulation +The fitness craze itself has gone soft , the survey found . is of fitness The craze +The forest - products concern currently has about 38 million shares outstanding . has about The forest - products concern 38 million shares outstanding +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . has been badly hurt by The government last week 's shake - up in Mrs. Thatcher 's cabinet +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . has a cabinet Mrs. Thatcher +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . was buffeted by high interest rates The government already +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . was buffeted by a slowing economy The government already +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . was the shake - up in Mrs. Thatcher 's cabinet +The issue is backed by a 12 % letter of credit from Credit Suisse . is backed by The issue a 12 % letter of credit from Credit Suisse +The issue is backed by a 12 % letter of credit from Credit Suisse . is from a 12 % letter of credit Credit Suisse +The issue is backed by a 12 % letter of credit from Credit Suisse . is 12 % a letter of credit +The issue is backed by a 12 % letter of credit from Credit Suisse . is of credit a letter +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . tapped IBM the corporate debt market +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . offered the corporate debt market $ 500 million of debt securities +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . was $ 500 million debt securities +The office may also be able to advise foreign and multinational clients on international law and general matters . may be able to advise on international law and general matters The office foreign and multinational clients +The office may also be able to advise foreign and multinational clients on international law and general matters . may be able to advise on international law and general matters The office foreign clients +The office may also be able to advise foreign and multinational clients on international law and general matters . may be able to advise on international law and general matters The office multinational clients +The office may also be able to advise foreign and multinational clients on international law and general matters . may be able to advise on international law and general matters The office foreign clients +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . will favor virtually unrestrained use of operative definition of newsworthiness personal sensitive and intimate facts +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . were depleted stockpiles by the 1988 drought +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . was languishing at The share price about 400 pence +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . announced Ford its interest in a minority stake +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . had Ford an interest in a minority stake +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . broke off the IRS negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . had Mr. Hunt the one - time tycoon a bankruptcy case +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . has raised The tax less than one billion marks ( $ 545.3 million ) annually +The three existing plants and their land will be sold . will be sold The three existing plants +The three existing plants and their land will be sold . will be sold their land +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are expected to discuss The two leaders human - rights issues +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are expected to discuss The two leaders regional disputes +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are expected to discuss The two leaders economic cooperation +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are disputes regional +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are changes sweeping +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . is in the bloc East +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . are The two leaders +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . involve certain business ventures cable rights to Columbia 's movies +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . has Columbia movies +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . are The two sides +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . claim to have busted They spirits +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . claim to have busted They poltergeists +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . claim to have busted They spooks +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . claim to have busted They spirits , poltergeists and other spooks in hundreds of houses around the country +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . are hundreds of houses around the country +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . were in spirits , poltergeists and other spooks hundreds of houses around the country +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . are hundreds houses around the country +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' involves This trade - offs +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . managed to traduce the U.N. group its own charter of promoting culture +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . is promoting its own charter education +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . is promoting its own charter science +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . is promoting its own charter culture +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . met This provision early resistance from investment bankers worried about disruptions in their clients ' portfolios +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . met This provision strong resistance from investment bankers worried about disruptions in their clients ' portfolios +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . have portfolios their clients +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . are worried investment bankers +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . are in disruptions their clients ' portfolios +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . is patterned on a 10 - point policy the federal bill of rights for taxpayers +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . is for the federal bill of rights taxpayers +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . has sold Mr. Packer his stake +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . are institutional shareholders +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . had stake Mr. Packer +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . has institutional shareholders Courtaulds +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . are running so many candidates +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . would have to win one candidate 50 % of the vote To avoid a runoff +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is a unit of Trifari Crystal Brands Inc. +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is a unit of Monet Crystal Brands Inc. +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is maker of Swank Inc. Anne Klein jewelry +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is a jewelry maker Crystal Brands Inc. 's Trifari unit +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is a jewelry maker Swank Inc. +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are such as jewelry makers Crystal Brands Inc. 's Trifari unit +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . is a jewelry maker Crystal Brands Inc. 's Monet unit +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are such as jewelry makers Crystal Brands Inc. 's Monet unit +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are such as jewelry makers Swank Inc. +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are launching new jewelry makers lines +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are launching with as much fanfare as new lines the fragrance companies +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are launching new lines with as much fanfare as the fragrance companies To increase jewelry makers their share of that business +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . are launching new lines with fragrance companies much fanfare +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . are pursuing no government entities UV - B measurements +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . include the EPA government entities +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . no government entities , including the EPA , are pursuing UV - B measurements To my knowledge +Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago . bought Tom Panelli the $ 300 rowing machine +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . have under 10 % share U.S. makers +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . have U.S. makers 80 % share +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . have U.S. makers half the market +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . agreed to sell USG Corp. its headquarters building here +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . agreed to sell to USG Corp. Manufacturers Life Insurance Co. of Toronto +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . will move to USG Corp. a new quarters +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . has 19 - stories facility +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . has 19 - stories its headquarters building here +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . has headquarters building USG Corp. here +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . was reached a merger agreement Sept. 14 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . agreed to reimburse the UAL board certain of the buy - out group 's expenses +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . agreed to reimburse out of the UAL board company funds +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . reached a merger agreement the UAL board +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . has expenses the buy - out group +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . has funds company +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . has funds UAL +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . has a board UAL +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . will submit potential investors sealed bids +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . will be allocated based on the bids these discount offers +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . are willing to purchase potential investors debt +Vernon E. Jordan was elected to the board of this transportation services concern . was elected to Vernon E. Jordan the board of this transportation services concern +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . is being acquired by Warner Communications Inc. Time Warner +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . has filed Warner Communications Inc. a $ 1 billion breach - of - contract suit +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . has filed suit against Warner Communications Inc. Sony +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . has filed suit against Warner Communications Inc. the two producers +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . has a five - year exclusive contract with Warner Mr. Guber +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . has a five - year exclusive contract with Warner Mr. Peters +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . requires Mr. Guber to make a five - year exclusive contract movies exclusively at the Warner Bros. studio +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . requires Mr. Peters to make a five - year exclusive contract movies exclusively at the Warner Bros. studio +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . has studio Warner Bros. +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . has Warner a five - year exclusive contract +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . is five - year exclusive contract +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . was idea of the campaign Mr. Gibbons +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . wo n't be paying for Mr. Gibbons the campaign +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . will come out of The donations the chain 's national advertising fund +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . has the chain national advertising fund +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . is financed by the chain 's national advertising fund the franchisees +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . are running companies such as Honda Motor Co. so - called transplant auto operations +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . are running companies such as Toyota Motor Corp. so - called transplant auto operations +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . are running companies such as Nissan Motor Co. so - called transplant auto operations +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . will reach Japanese auto production one million vehicles +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' were sold more than 15 million exercise bikes in the past five years +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' must be populated with a lot of garages exercise bikes +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' must be populated with a lot of basements exercise bikes +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' must be populated with a lot of attics exercise bikes +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' are real estate experts Olympia & York +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' has Itel Samuel Zell +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' own Olympia & York Santa Fe stock +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' owns Itel Santa Fe stock +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' own close to 40 % of Olympia & York and Itel Santa Fe 's stock +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' has Wall Street a favored phrase +Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive . pledged viewers over $ 400,000 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . belongs to Los Bronces the Exxon - owned Minera Disputado group +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . belongs to El Soldado the Exxon - owned Minera Disputado group +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . ends a two - year labor pact today +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . is Los Bronces a mine +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . is El Soldado a mine +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' collaborated with he Peter Serkin +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' collaborated with he Fred Sherry +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' collaborated with he the new music gurus +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' was Peter Serkin a new music guru +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' was Fred Sherry a new music guru +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' was Tashi a very countercultural chamber group +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' won audiences over to the very countercultural chamber group Tashi dreaded contemporary scores +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' won audiences over to the very countercultural chamber group Tashi Messiaen 's `` Quartet for the End of Time '' +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' is Messiaen 's `` Quartet for the End of Time '' a dreaded contemporary score +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' has Messiaen `` Quartet for the End of Time '' +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . quipped Mr. Matthews `` I think he 'll be very good at that { new job } +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . is Mr. Matthews a consultant with the Stamford , Conn. , firm Matthews & Johnston +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . is Matthews & Johnston a firm +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . was on the last Politburo reshuffle Sept. 30 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . has a steady accumulation of the Soviet leader personal power +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . particularly has a steady accumulation of Soviet leader personal power +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . does not look likely to reverse Mr. Gorbachev the powers of perestroika +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . is of the leader the Soviet +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . is Mr. Gorbachev the Soviet leader +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . is Mr. Gorbachev the leader of +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . has paid HealthVest two of the three banks +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . is in HealthVest negotiations +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . paid the U.S. government premiums +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . purchased copper for the U.S. government the U.S. Mint +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . wo n't produce Mr. Azoff films +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . could do he so +Among other things , they said , Mr. Azoff would develop musical acts for a new record label . would develop musical acts for a new record label among Mr. Azoff other things +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . were sought by the Marcos documents the prosecutors +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . completed it the sale of Uniroyal Chemical Holding Co. +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . is Uniroyal Chemical Co. the unit 's main business +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . would n't identify he big institutional investors +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . is Fraser & Neave Ltd. +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . has been fueling the current robust domestic demand sustained economic expansion +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . helped push up the current robust domestic demand sales of products like ships +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . helped push up the current robust domestic demand sales of products like steel structures +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . helped push up the current robust domestic demand sales of products like power systems +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . helped push up the current robust domestic demand sales of products like machinery +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . resulted in the current robust domestic demand sharply higher profit +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' were required under the filings the proposed rules +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' will be at least as effective for the filings investors following transactions +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . remains dull Despite the market the modest gains +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . remain cautiously on investors the sidelines +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . agreed to buy it 229 Foxmoor women 's apparel stores +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . is Foxmoor Specialty Stores Corp. a unit of Dylex Ltd. of Toronto +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' is an attorney for Jeffrey Kaufman Fireman 's Fund +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . is recalling it about 3,600 of its 1990 - model Escorts +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . was improperly applied to the windshield adhesive some cars +He said he expects the company to have $ 500 million in sales for this year . expects the company to have he $ 500 million in sales for this year +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . is in a Canadian Embassy official Tel Aviv +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . has n't signed Israel the Nuclear Non - Proliferation Treaty +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . were considering they the new reporting requirements +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . has consistently been CS First Boston one of the most aggressive firms in merchant banking +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . has come from a very significant portion of the firm 's profit merchant banking - related business +Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy . are far more complex than the causes of excess market volatility any particular computer trading strategy +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . was sold to Milk the nation 's dairy plants +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . was sold to Milk dealers +Nixon , on the fourth day of a private visit to China , said that damage to Sino - U.S. relations was `` very great , '' calling the situation `` the most serious '' since 1972 . said that Nixon damage to Sino - U.S. relations was `` very great , '' +Panhandle Eastern Corp. said it applied , on behalf of two of its subsidiaries , to the Federal Energy Regulatory Commission for permission to build a 352 - mile , $ 273 million pipeline system from Pittsburg County , Okla. , to Independence , Miss . applied it on behalf of two of its subsidiaries +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . is Richard Newsom a California state official +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . is American Continental Corp. Lincoln 's parent +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . examined Richard Newsom Lincoln 's parent +Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 . expects it its U.S. sales +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . has examined the bank its methodologies +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . has examined the bank internal controls +The company said the fastener business `` has been under severe cost pressures for some time . '' has been under the fastener business severe cost pressures for some time +The market 's tempo was helped by the dollar 's resiliency , he said . was helped by The market 's tempo the dollar 's resiliency +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 27.6 % +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 25.7 % +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 22.8 % +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 18.8 % +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 18 % +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . has reached Unemployment 16.3 % +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . says Sen. Edward Kennedy ( D. , Mass . ) `` Business across the country is spending more time addressing this issue , '' +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . is Stephen Reitman a European auto industry analyst at UBS - Phillips & Drew +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . says Ken Allen `` I do n't foresee any shortages over the next few months '' +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . is an official of Ken Allen Operating Engineers Local 3 +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . do n't foresee I any shortages over the next few months +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . says he `` I wo n't be throwing 90 mph , but I will throw 80 - plus '' +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . wo n't be throwing I 90 mph +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . will throw I 80 - plus +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . may have to slow the RTC { S&L sales } +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . is It a super - exciting set of discoveries +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . is Bert Vogelstein a Johns Hopkins University researcher +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . has just found Bert Vogelstein a gene pivotal to the triggering of colon cancer +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . said Dave Vellante `` It 's a wait - and - see attitude '' +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . is the vice president of Dave Vellante storage research for International Data Corp . +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . says Albert Lerman `` It 's really bizarre '' +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . is It really bizarre +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . is the creative director at Albert Lerman the Wells Rich Greene ad agency +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . says Guy L. Smith `` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . is Guy L. Smith Philip Morris 's vice president of corporate affairs +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . says an official close to the case `` Nobody told us ; nobody called us '' +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . told Nobody us +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . called Nobody us +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . asked not to be named an official close to the case +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . says Don Sider `` Nothing can be better than this '' +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . can be better than Nothing this +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . is the owner of Don Sider the West Palm Beach Tropics +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' had pushed back everyone program trading and wide stock market swings in their consciousness +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . said Frank Moore `` The only people who are flying are those who have to '' +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . is chairman of Frank Moore the Australian Tourist Industry Association +`` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible , '' said Rep. Fortney Stark ( D. , Calif. ) , who has introduced a bill to limit the RTC 's authority to issue debt . said Rep. Fortney Stark ( D. , Calif. ) `` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible '' +`` We were oversold and today we bounced back . were oversold We +`` We were oversold and today we bounced back . bounced back we T: today +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . told A casting director at the time Scott +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . was casting for he the `` G.I. Joe '' cartoon +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . was Hofmann a teenage coin collector +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . forged he a rare mint mark on a dime +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . was told he by an organization of coin collectors +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . saw Condon Hauptmann +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . told Condon FBI Special Agent Turrou +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . is Turrou FBI Special Agent +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . passed he the ransom money +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . sold them well below He market value +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . incurred He credit - card debts diff --git a/data/evaluation_data/carb/data/gold/gold_carb_test.txt b/data/evaluation_data/carb/data/gold/gold_carb_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..e8f42d0e67e5d20eace14acc5e2dfdad8051bb22 --- /dev/null +++ b/data/evaluation_data/carb/data/gold/gold_carb_test.txt @@ -0,0 +1,2101 @@ +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . 32.7 % of all households were made up of individuals 1 +A CEN forms an important but small part of a Local Strategic Partnership . A CEN forms an important part of a Local Strategic Partnership 1 +A CEN forms an important but small part of a Local Strategic Partnership . A CEN forms a small part of a Local Strategic Partnership 1 +A CEN forms an important but small part of a Local Strategic Partnership . a Strategic Partnership is Local 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . he became the youngest mayor in Pittsburgh 's history 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . he was A Democrat 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . the youngest mayor in Pittsburgh 's history was A Democrat 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . he became the youngest mayor in the history of 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . he became the youngest mayor in Pittsburgh 's history at the age of 26 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . the youngest mayor in Pittsburgh 's history was 26 1 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . A cafeteria is also located on the sixth floor 1 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . a chapel is located on the 14th floor 1 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . a study hall is located on the 15th floor 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . A common name , logo , and programming schedule was followed with the establishment of the `` TV8 '' network between the three stations 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . the `` TV8 '' network changed to the `` Southern Cross Network '' 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . `` TV8 '' network was establishment between the three stations 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . `` TV8 '' network was the established common name between the three stations 1 +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . A cooling center is set up by local authorities 1 +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . A `` prime '' manifold , a connected sum of more than one manifold , is not the sphere of the same dimension 1 +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . court ordered to stop printing for three months 1 +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . `` Not That Respublika '' was under other titles 1 +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . few long-track motorcycle speedway meetings are held in the UK 1 +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . turbomachinery may use one or more centrifugal compressors 1 +A short distance to the east , NC 111 diverges on Greenwood Boulevard . NC 111 diverges on Greenwood Boulevard 1 +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . A spectrum from a single FID has a low signal-to-noise ratio 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . the Samaritan ethnonym According to Samaritan tradition is not derived from the region of Samaria 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . the Samaritans were the `` Guardians '' of the true Israelite religion 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . Samaritan is an ethnonym 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . Samaria is a region 1 +According to the 2010 census , the population of the town is 2,310 . the population of the town According to the 2010 census is 2,310 1 +According to the 2010 census , the population of the town is 2,310 . the population of is 2,310 1 +According to the 2010 census , the population of the town is 2,310 . the census was in 2010 1 +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. 1 +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . the West Bronx Neighborhood Association Inc is a not-for-profit corporation nan 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . cable hauling ceased After 1895 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . locomotives pulled trains 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . locomotives pulled trains 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . a tunnel is in Victoria 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . a tunnel is in Waterloo 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials found a primitive , lush and vibrant new world 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials named a new world Earth 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the new world was primitive 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the new world was vibrant 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the new world was lush 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the new world was Earth 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials were searching five years 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . Cole guest starred as Lilith 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . Cole left `` Hex '' 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . `` Jane Eyre '' was a TV serial for the BBC 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . `` Doctor Who '' had `` The Shakespeare Code '' episode 1 +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . Battra rested in the Arctic Ocean 1 +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . Mothra retired to Infant Island 1 +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . Mothra was accompanied by the two Cosmos 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . many of the republicans were arrested in Free State `` round ups '' 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . many of the republicans had come out of hiding 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . many of the republicans had returned home 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . many of the republicans were arrested in Free State `` round ups '' 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . Knievel broke his arms 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . Knievel's accident caused permanent injury to the cameraman 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . injury to the cameraman was permanent nan 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . `` Hazelwood '' was under constant attack from kamikazes 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . `` Hazelwood '' was under constant attack from fighters 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . `` Hazelwood '' was under constant attack from dive-bombers 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . `` Hazelwood '' came through untouched the invasion 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . `` Hazelwood '' sank with her guns two small enemy freighters 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . An original limited artist edition of 250 was published in 1989 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . An original limited artist edition of 250 was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . a digital clock was inset into the front cover 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . an oversized fine press slip-cased book had stainless steel faced boards 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . an oversized fine press slip-cased book had a digital clock inset into the front cover 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the clock inset into the front cover was digital nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the book was oversized nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the book was slip-cased nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the book was fine press nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the edition of 250 was original nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the edition of 250 was limited nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the 250 was artist edition nan 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . the boards were stainless steel faced nan 1 +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . ABS has formed a partnership with Habitat for Humanity 1 +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . a free Bible will be given to each of Habitat for Humanity's new homeowners 1 +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . a Bible will be free nan 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . he was in Ali 's army 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . he was in the Battle of Jamal 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . Ali 's army was in the Battle of Jamal 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . Muhammad ibn Abu Bakr escorted Aisha 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . he was Muhammad ibn Abu Bakr 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco has atlas of 1436 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco 's atlas of 1436 is in an 18th-century binding 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco 's atlas is of 1436 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco 's atlas of 1436 was bound in 18th-century 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . Apartment buildings were built in close proximity to the MAZ plant 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . medical clinics were built in close proximity to the MAZ plant 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . shops were built in close proximity to the MAZ plant 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . cinemas were built in close proximity to the MAZ plant 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . Apartment buildings were providing with local necessities plant workers 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . shops were providing with local necessities plant workers 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . medical clinics were providing with local necessities plant workers 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . cinemas were providing with local necessities plant workers 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . Applications can use this service to record activity for a production system 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . implementations of other OSIDs can use the service to record detailed data 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . implementations of other OSIDs can use the service to record detailed data 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . he clashed with Daniel O'Connell 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . he was Attorney General nan 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . he insisted on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . Abraham Brewster was appointed as Law Adviser to the Lord Lieutenant of Ireland 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . the Lord Lieutenant is of Ireland 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . Daniel O'Connell had wishes nan 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . he insisted , against wishes of Daniel O'Connell 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . Lord Lieutenant of Ireland has Law Adviser nan 1 +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . the team was enshrined into the Basketball Hall of Fame 1 +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . the team was enshrined As a group 1 +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . the microbe can not survive outside a narrow pH range 1 +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . pH has a range nan 1 +As a result , the lower river had to be dredged three times in two years . the lower river had to be dredged three times in two years 1 +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . commissioners were sent to the provinces 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts materialism 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts moral values 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts the two worlds 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . materialism is a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . moral values are a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts corruption 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts dreams 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . corruption is a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . dreams are a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts integrity 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts social pressure 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . integrity is a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . social pressure is a world 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts the two worlds of materialism and moral values 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts the two worlds of corruption and dreams 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts the two worlds of integrity and social pressure 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah has his first novel 1 +As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration . absolute accuracy of a measurement requires a functionality for calibration 1 +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . Sandy aspires to become a banker 1 +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . Sandy is in `` A Wind in the Door '' 1 +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . a more descriptive name was sought for the Gypsy Horse 1 +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . several efforts were to have recognized the Gypsy Horse as a breed outside the Romanichal community 1 +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . the Gypsy Horse is recognized as a breed in the Romanichal community 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Fernando Cabello was Assisting in the recording process 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Eva Dalda was Assisting in the recording process 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Lydia Iovanne was Assisting in the recording process 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Eva Dalda was a friend of the group 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Lydia Iovanne was a friend of the group 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . Celine Dion helped debut the newly solvent airline's new image 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . a presentation was in the Toronto Pearson International Airport hangar 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . the airline was solvent 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . the newly solvent airline has a new image 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . Pearson International Airport is in Toronto 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . At least 11 villagers disappeared in the ensuing tsunami 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . 8 people were killed in the ensuing tsunami 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . prisoners are at Permisan prisons 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are provided in compliance with state law 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are provided in compliance with federal law 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are provided At no cost to the parents 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are reasonably calculated to yield meaningful educational benefit 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are reasonably calculated to yield meaningful student progress 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . Ballard is nearly possessed At one point 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . Ballard is given a drug 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . humans are on Mars 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . the spirits are attacking them 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara is unable to leave behind her vigilante life 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara fought a mugger 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara miscarried her child 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara had a child 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara had a vigilante life 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . Yesler Way marks the boundary between two different plats 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the boundary is between two different plats 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the street grid north of Yesler does not line up with the neighborhood 's other streets 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the street grid is north of Yesler 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the other streets are in the neighborhood 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the northern `` border '' of the district zigzags along numerous streets 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the `` border '' of the district is in the north 1 +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . the alliance plays a significant role in Islamic ethics 1 +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . Muhammad had a role in the formation of the alliance 1 +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . the alliance plays a significant role in Islamic ethics Because of Muhammad 's role in its formation 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast can outperform any Olympic-level athlete 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast has talents 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast has training 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast is contorting gracefully his body 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast is performing gracefully aerial feats 1 +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . Bruce had a Justice Lord counterpart 1 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . Burnham died of heart failure 1 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . Burnham died at the age of 86 1 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . Burnham had his home in Santa Barbara , California 1 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . Santa Barbara is in California 1 +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . this practice can result in hyperinflation 1 +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . her nephews had been orphaned by the plague 1 +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . By then she was raising not only her own children but also her nephews 1 +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . Simpson had returned to his mansion 1 +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . Simpson had surrendered to the police 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . Chevalier fulfilled his promise 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . Chevalier erected a shrine 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . a shrine was dedicated to the honour of Mary 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . a shrine was dedicated under the title of `` Our Lady of the Sacred Heart '' 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . Mary is `` Our Lady of the Sacred Heart '' 1 +Cis-regulatory elements are sequences that control the transcription of a nearby gene . sequences control the transcription of a nearby gene 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . an Ethics Committee complaint was filed against Bond 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . an Ethics Committee complaint was filed over Bond's role in the ouster of Graves 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . Graves was oustered nan 1 +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . these rifles produce a consistent 10 ring performance 1 +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . these rifles are Combined with appropriate match pellets 1 +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . a non-maximal result can be attributed to the participant 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley also played before several European heads of state 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley was a classical organist 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley performed an organ recital solo 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . several heads of state were European 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . DC Comics held a memorial service 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . Manhattan has a Lower East Side 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . Eisner often visited in his work 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . Eisner worked at the Angel Orensanz Foundation on Norfolk Street 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . the Angel Orensanz Foundation is on Norfolk Street 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . the service was a memorial 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was red-hot Despite the below-freezing temperatures 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was connecting on 29 of 42 attempts 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was connecting with 3 TDs 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was connecting with no INTs 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was passing for a then franchise-record 373 yards 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . 373 yards was franchise-record 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . temperatures were below-freezing 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo was intended to have a `` common '' accent 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo is portrayed this way at the end of `` The Massacre '' 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo has a `` common '' accent in `` The Massacre '' 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played against England 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played against England 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played against England 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played against England 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . the two songs have opposing nature 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . opposing attitudes on love are found throughout the play 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . opposing attitudes on love are found throughout the play 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . the nature of the two songs is opposing nan 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . a debate is on the opposing attitudes on love 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was barely hearable in the northern portions of Atlanta 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was barely hearable in the northern reaches of Fulton County 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was barely hearable in the northern reaches of DeKalb County 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was a rimshot to 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . the transmitter location was being based in Tyrone 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it had a smaller signal wattage 1 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . the number of Turkish run cafes increased from 20 1 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . the number of Turkish run cafes increased to 200 1 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . increased number of Turkish run cafes created a demand for more Turkish Cypriot workers 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Paddington 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Reading 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Paddington 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Reading 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . rush hours are During the morning 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . rush hours are During the evening 1 +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union 1 +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . the name of the team was changed to Brumbies Rugby 1 +Each of the Matoran brought their Toa stone and met each other at the Great Temple . Each of the Matoran brought their Toa stone 1 +Each of the Matoran brought their Toa stone and met each other at the Great Temple . Each of the Matoran met each other 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Falun Gong 's teachings are compiled from Li 's lectures 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Li holds definitional power in that belief system 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Falun Gong is that belief system 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Falun Gong has teachings 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Li has lectures 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Li 's power is definitional nan 1 +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . Fans reacted to the news of the suspension 1 +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . some fans smashing their XM units 1 +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . Fans cancellled their XM Radio subscriptions 1 +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . the University banned smoking 1 +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . the University banned smoking on any of its property 1 +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . knowledge and interest pertaining to the event 1 +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . level of importance pertaining to the event 1 +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . Gameplay is very basic 1 +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . the player must shoot constantly at a continual stream of enemies 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African filmmaker 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African screenwriter 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African producer 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African actor 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . `` Tsotsi '' is a Foreign Language Film 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . `` Tsotsi '' is Academy Award-winning 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is of South Africa 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . George Bluth Sr. is patriarch of the Bluth family 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . George Bluth Sr. is the founder of the Bluth Company 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . George Bluth Sr. is the former CEO of the Bluth Company 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . George Bluth Sr. was CEO of the Bluth Company 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . the Bluth Company markets mini-mansions 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . the Bluth Company builds mini-mansions 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . the Bluth Company has many other activities 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Godzilla battled Battra 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Battra battled Godzilla 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Godzilla and Battra caused to open a rift 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Godzilla and Battra battled on the ocean floor 1 +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . Good 1H NMR spectra can be acquired with 16 repeats 1 +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . 16 repeats takes only minutes 1 +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . HTB seeks to spread the teachings of Christianity 1 +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . HTB has an aim 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod played in the top division 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod played in the top division 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod won the State Cup 1 +Having been directed to found a monastery of his order in the United States in 1873 , Fr . a monastery will be found in the United States 1 +Having been directed to found a monastery of his order in the United States in 1873 , Fr . Fr has an order 1 +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . Hawker Pacific Aerospace is a MRO-Service company 1 +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . Hawker Pacific Aerospace offers hydraulic MRO services for all major aircraft types 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . He also possesses enhanced senses 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . He can track for great distances people 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . He also took 124 wickets 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . He took 7 for 39 wickets against Sargodha 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . He took 6 for 44 wickets against Sargodha 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . 7 for 39 wickets against Sargodha in 1962-63 was one of his best bowling figures 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . 6 for 44 wickets against Sargodha in 1962-63 was one of his best bowling figures 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . He appeared in that game 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . He appeared alongside his Arsenal midfield colleague Brian Marwood 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . his Arsenal midfield colleague Brian Marwood had joined them 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . his Arsenal midfield colleague is Brian Marwood 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . Brian Marwood is in Arsenal midfield 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . He is in Arsenal midfield 1 +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . Wild Cards are Low Probability events 1 +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . Wild Cards are High Impact events 1 +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . Wild Cards would severely impact the human condition 1 +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . He finds himself 1 +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . a group of Neo Arcadians surround him 1 +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . the game is ending nan 1 +He had spent 11 years in jail despite having been acquitted twice . He had spent in jail 1 +He had spent 11 years in jail despite having been acquitted twice . He had been acquitted twice nan 1 +He is idolized , receiving the name of `` God '' . He is receiving the name of `` God '' 1 +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . He took his entire army 1 +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . Alexander left only a small contingent 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He lodged with other medical students 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He lodged with other medical students 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He lodged with Henry Stephens 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He became a famous inventor 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He became a ink magnate 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . Henry Stephens lodged with other medical students 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . Henry Stephens became a famous inventor 1 +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . He played Perker in the adaptation of "The Pickwick Papers" 1 +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . Perker was in in adaptation of `` The Pickwick Papers '' 1 +He represented the riding of Nickel Belt in the Sudbury , Ontario area . He represented Nickel Belt 1 +He represented the riding of Nickel Belt in the Sudbury , Ontario area . He represented Nickel Belt 1 +He represented the riding of Nickel Belt in the Sudbury , Ontario area . He was riding with Nickel Belt 1 +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . He talked to McGee 1 +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . McGee had correspondence between his family 1 +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . He was a member of the European Convention 1 +Her image held aloft signifies the Earth , which `` hangs in the air '' . Her image held aloft 1 +Her image held aloft signifies the Earth , which `` hangs in the air '' . the Earth hangs in the air 1 +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . Hilf al-Fudul to establish fair commercial dealing Islamic prophet Muhammad 1 +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . Hilf al-Fudul created by various Meccans the Islamic prophet Muhammad 1 +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . Aiseau logging to the industry Historically 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst are quenched 33342 and 33258 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst used to detect dividing cells Bromodeoxyuridine 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . Hofmann electronics chemistry stamp coin collecting high school student 1 +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . BAE Systems from various human rights groups nan 1 +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . BAE Systems after pressure campaigns from various human rights groups nan 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . `` Mike McGurk '' is the comic relief sidekick 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Tracy has partner from 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Pat Patton is Tracy 's partner from the strip 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Tracy 's secretary , Gwen Andrews provides the same kind of feminine interest as Tess Trueheart 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Tracy has secretary 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Gwen Andrews is Tracy 's secretary 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Tess Trueheart provides feminine interest 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Chief Brandon is an avuncular superior 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Clive Anderson is FBI Director 1 +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . Knievel lost control of the motorcycle 1 +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . Knievel had a rehearsal 1 +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . Knievel crashed into a cameraman 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . population growth was strong 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . strong population growth has reduced it to a more coastal-based division 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . strong population growth has reduced it to a more urbanised division 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . it became far less safe for the Nationals 1 +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . seed strains have antigenicities 1 +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . wild viruses have antigenicities 1 +If given this data , the Germans would be able to adjust their aim and correct any shortfall . the Germans would be able to correct any shortfall If given this data 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the average magnetization vector points in a nonparallel direction 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the average magnetization vector points in a nonparallel direction giving suboptimal absorption of the pulse 1 +In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II . the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II 1 +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . he began a second term as Lord Chancellor 1 +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . the Lord Chancellor died in 1867 1 +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . she published `` The Omaha Tribe '' 1 +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . she published `` The Omaha Tribe '' with Francis La Flesche 1 +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' `` The News and Courier '' was bought by the owners of Charleston 's main evening paper 1 +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' Charleston 's main evening paper is `` The Evening Post . '' 1 +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' 1 +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . Barrie appeared in an episode of `` Alfred Hitchcock Presents '' 1 +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . he won from Yakutpura 1 +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . he won from Charminar 1 +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was directed by Lee Grant in a television movie 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was in the television movie `` For The Use Of The Hall '' 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was `` Charlotte '' in the television movie `` For The Use Of The Hall '' 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . she appeared in two television films 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . she appeared as the mother of Lesley Ann Warren 's character 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . she appeared as Emily McPhail 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . Lesley Ann Warren 's character was in `` 79 Park Avenue '' 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . Emily McPhail was a character in `` Tell Me My Name '' 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . Lesley Ann Warren was in `` 79 Park Avenue '' 1 +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . Rodan became president of the American Society for Bone and Mineral Research 1 +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' Kelsang Gyatso became also outspoken against the Geshe Studies Programme 1 +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' Kelsang Gyatso made compulsory the pursuit of his new programmes 1 +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . the Brumbies finished at the top of the Super 12 table 1 +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . the Brumbies were six points clear of the next best team 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they applied for National League Three 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they were finishing in 5th place 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they were qualifying for the play-offs 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they lost to St Albans Centurions 1 +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . Sun announced `` Project Indiana '' 1 +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . `` Project Indiana '' has several goals 1 +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . several goals of `` Project Indiana '' include providing an open source binary distribution of the OpenSolaris project 1 +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . an open source binary distribution of the OpenSolaris project will be replacing SXDE 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . scam websites co-opted a photograph of her 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . a photograph of her was co-opted to promote health treatments 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . a photograph of her was co-opted to promote the ubiquitous `` 1 weird old tip '' belly fat diets 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . a photograph of her was co-opted to promote penny auctions 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . Theuriau was unaware of unauthorized usage of a photograph of her 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . `` 1 weird old tip '' belly fat diets are ubiquitous nan 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . Theuriau was her 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . major vendors launched several consumer-oriented motherboards 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . several consumer-oriented motherboards are using the Intel 6-series LGA 1155 chipset 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . several consumer-oriented motherboards are using the AMD 9 Series AM3 + chipsets with UEFI 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . several motherboards are consumer-oriented nan 1 +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . Bloomberg Businessweek voted as America 's Best City San Francisco 1 +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . San Francisco is a City in America 1 +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . Marcus Aemilius Scaurus had a trial 1 +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . Marcus Perperna bore testimony on behalf of Marcus Aemilius Scaurus 1 +In Canada , there are two organizations that regulate university and collegiate athletics . two organizations regulate university athletics 1 +In Canada , there are two organizations that regulate university and collegiate athletics . two organizations regulate collegiate athletics 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' `` droit '' can mean `` the whole body of the Law '' 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' `` droit '' is in French 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' the motto `` dieu et mon droit '' is to say `` God and my whole body of Law '' 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' `` dieu et mon droit '' is a motto 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' `` dieu et mon droit '' is In French 1 +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . the Samaritans are called In Jewish Hebrew `` Shomronim '' 1 +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . the Samaritans call themselves in Samaritan Hebrew `` Shamerim '' 1 +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . `` Shomronim '' is in Jewish Hebrew 1 +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . `` Shamerim '' is in Samaritan Hebrew 1 +In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World . its fulfilment In Jewish belief will be revealed in the cumulation of Creation 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Nasser took control of the interior ministry 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Nasser took control from Naguib loyalist Sulayman Hafez 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Sulayman Hafez was a Naguib loyalist 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Naguib loyalist Sulayman Hafez had interior ministry post 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Nasser pressured to conclude the abolition of the monarchy Naguib 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . trains are being cable hauled to Edge Hill 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . trains are being cable hauled via the Victoria Tunnel 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she joined the Women 's Auxiliary Air Force 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she was working at the Department of the Chief of Air Staff 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she was working as Assistant Section Officer for Intelligence duties 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she was posted to Moreton-in-Marsh 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she was promoted to Section officer 1 +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . all cases of meatal stenosis were among circumcised boys 1 +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . Van Howe had a study 1 +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . boys were circumcised nan 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . Michael Crichton published under his real name `` The Andromeda Strain '' 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . people are exposed to a pathogenic extraterrestrial microbe 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . a pathogenic microbe is extraterrestrial 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . Michael Crichton has a first novel 1 +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . a Language A occupies In a typical case of substrate interference a given territory 1 +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . another Language B arrives In a typical case of substrate interference in the same territory 1 +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' John Cecil Masterman , chairman of the Twenty Committee commented `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' 1 +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' John Cecil Masterman was chairman of the Twenty Committee 1 +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . Boston College left the Big East Conference 1 +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . Boston College joined the Atlantic Coast Conference 1 +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . Boston College is in athletics 1 +In both cases this specialized function replaces the basic rifleman position in the fireteam . this specialized function replaces In both cases the basic rifleman position 1 +In both cases this specialized function replaces the basic rifleman position in the fireteam . the rifleman position is basic in the fireteam 1 +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . RCPO concluded 858 cases 1 +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . RCPO had convictions in 88 % of cases 1 +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . 88 % of 858 cases were convictions nan 1 +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . it is often treated as a subfamily of the Glyphipterigidae family 1 +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . the Glyphipterigidae family has a subfamily 1 +In more recent years , this policy has apparently relaxed somewhat . this policy has apparently relaxed somewhat In more recent years 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . UTA ordered 77 Siemens S70 light rail vehicles 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . UTA ordered from Siemens AG 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . UTA ordered to support planned TRAX expansion 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . TRAX expansion was planned nan 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . 77 Siemens S70 light rail vehicles will support planned TRAX expansion 1 +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . Cyprinidae have been severely affected in southwestern North America 1 +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . a considerable number of Cyprinidae went entirely extinct in southwestern North America 1 +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . the Oppositionists were under George Leake 1 +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . the Oppositionists were able to form a minority government 1 +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . Frank Wilson was formerly the member for 1 +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . Frank Wilson won the seat In the election 1 +In the 1960s and 70s most of Kabul 's economy depended on tourism . most of the economy depended on tourism 1 +In the 1960s and 70s most of Kabul 's economy depended on tourism . most of the economy depended on tourism 1 +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . `` War and Remembrance '' was a television series 1 +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . Johns took the role of the senior Nazi SS officer Adolf Eichmann In the 1986 television series `` War and Remembrance '' 1 +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . Adolf Eichmann was a senior Nazi SS officer 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated strong prosecution of the Union War effort 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated the end of slavery 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated civil rights for freed African Americans 1 +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade 1 +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . the 5th Dragoon Guards was sent to the Black Sea 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists broke away from the Anglican church 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists established their own denomination 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists' own denomination is the Presbyterian Church of Wales 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists' own denomination is the Presbyterian Church 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . inhabitants speak Bumthangkha 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . inhabitants speak Bumthangkha 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . inhabitants speak Khengkha 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . Khengkha is spoken in the extreme southeast 1 +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . Knievel was scheduled for a major jump 1 +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . Chicago is in Illinois 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . the purpose of Creation In this explanation is that `` God desired a dwelling place in the lower realms '' 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . man transforms into an abode for God 's essence 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . the mundane , lowest World is transformed into an abode for God 's essence 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . God desired a dwelling place in the lower realms 1 +In those years , he began to collaborate with some newspapers . he began to collaborate with some newspapers 1 +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . the squadron transitioned to flying the A-4L Skyhawk 1 +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . the squadron was flying the A-4B Skyhawk 1 +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . A-4B is a Skyhawk 1 +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . A-4L is a Skyhawk 1 +Initially his chances of surviving were thought to be no better than 50-50 . his chances of surviving were thought to be no better than 50-50 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has long hind legs 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has a long tail 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has a slender tail 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has a scaly tail 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . it makes drumming noises 1 +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . the dialect is spoken in Xiamen 1 +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . It is unintelligible with Standard Chinese 1 +It is not really passable , and must be done on foot if attempted . It is not really passable nan 1 +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . It is part of the Surrey Hills Area of Outstanding Beauty 1 +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . It is situated on the Green Sand Way 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . an officer Gen. Eleazer Wheelock Ripley was mainly remembered for the Battle of Lundy 's Lane 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . an officer Gen. Eleazer Wheelock Ripley was mainly remembered for the Siege of Fort Erie 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . Gen. Eleazer Wheelock Ripley was an officer 1 +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . It was originally aimed at mature entrants to the teaching profession 1 +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . cultivation declined in favour of the Asian species 1 +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . cultivation was introduced to East Africa 1 +JAL introduced jet service on the Fukuoka-Tokyo route in 1961 . JAL introduced jet service 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . James Arthur Hogue is an impostor 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . James Arthur Hogue is in US 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . James Arthur Hogue most famously entered Princeton University 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . New Warworld was detonated next to the Anti-Monitor 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . the Yellow Central Power Battery was detonated next to the Anti-Monitor 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . a shield was created by hundreds of Green Lanterns 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . a shield was created to contain the explosion 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . John Stewart brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . John Stewart brought down the Yellow Central Power Battery 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . Guy Gardner brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . Guy Gardner brought down the Yellow Central Power Battery 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . the Anti-Monitor was him 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . Johns also appeared as an Imperial Officer 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . Johns also appeared in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . `` The Empire Strikes Back '' was the `` Star Wars sequel '' 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . an Imperial Officer was in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . Star Wars had a sequel 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . `` The Empire Strikes Back '' was in 1980 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . Keats had medical training with Hammond 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . Keats had medical training at Guy 's Hospital 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . Keats had long medical training 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . Keats had expensive medical training 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . a lifelong career in medicine will be assuring financial security 1 +Keibler then asked for time off to appear on `` Dancing with the Stars '' . Keibler asked for time off 1 +Keibler then asked for time off to appear on `` Dancing with the Stars '' . Keibler asked to appear on `` Dancing with the Stars '' 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Kim graduated from Ballard High School 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Kim graduated from Oberlin College 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Kim double-majored in Government and English 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Kim played for the varsity lacrosse team 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Ballard High School is in Louisville , Kentucky 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Louisville is in Kentucky 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Oberlin College is in Ohio 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include `` Songs For Sumera '' 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include `` New Alliance '' 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include `` The Spectre Of Modernism '' 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi has other releases 1 +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . Langford kept with his longer reach Walcott 1 +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . Langford had a longer reach 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . Language B begins to supplant language A 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . the speakers of Language A abandon in favor of the other language their own language 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . certain goals are within government 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . certain goals are within the workplace 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . certain goals are in social settings 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . they ended up exchanging a few words 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Clarke left the studio 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick had been there 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick had been in the studio 1 +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . Lens subluxation is also seen in dogs 1 +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . Lens subluxation is characterized by a partial displacement of the lens 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi began his public teachings of Falun Gong 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi gave lectures 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi taught Falun Gong exercises 1 +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . it often lampooned the low-budget quality of satellite television available in the UK at the time 1 +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . it was Like other BBC content of the mid-1990s 1 +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . other BBC content was of the mid-1990s 1 +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . available satellite television had low-budget quality 1 +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . Luke Robert Ravenstahl is an American politician 1 +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . Luke Robert Ravenstahl served as the 59th Mayor 1 +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . Luke Robert Ravenstahl served as the 59th Mayor 1 +Males had a median income of $ 28,750 versus $ 16,250 for females . Males had a median income of $ 28,750 1 +Males had a median income of $ 28,750 versus $ 16,250 for females . females had a median income of $ 16,250 1 +Males had a median income of $ 28,750 versus $ 16,250 for females . median income of Males is versus median income of females 1 +Males had a median income of $ 28,750 versus $ 16,250 for females . $ 28,750 for Males is versus $ 16,250 for females 1 +Males had a median income of $ 36,016 versus $ 32,679 for females . Males had a median income of $ 36,016 1 +Males had a median income of $ 36,016 versus $ 32,679 for females . females had a median income of $ 32,679 1 +Males had a median income of $ 36,016 versus $ 32,679 for females . median income of Males is versus median income of females 1 +Males had a median income of $ 36,016 versus $ 32,679 for females . $ 36,016 for Males is versus $ 32,679 for females 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . Many are surgically removed for aesthetics 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . Many are surgically removed for relief of psychosocial burden 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . larger ones are also excised for prevention of cancer 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . Many overseas Chinese whose ancestors came from the Quanzhou area often speak mainly Hokkien 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . especially those overseas Chinese in Southeast Asia whose ancestors came from the Quanzhou area often speak mainly Hokkien 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . Many Chinese are overseas 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . Many overseas Chinese have ancestors from the Quanzhou area 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . especially those overseas Chinese often speak at home mainly Hokkien 1 +Meanwhile , the Mason City Division continued to operate as usual . the Mason City Division continued to operate as usual Meanwhile 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . Models produce figures between 15,000 soldiers 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . Models produce figures between 36,000 soldiers 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . the barrack blocks are in the Gorgan Wall forts 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . the size of the barrack blocks in the Gorgan Wall forts is taken into account nan 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . the room number of the barrack blocks in the Gorgan Wall forts is taken into account nan 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . likely occupation density is taken into account nan 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . Modern educational methods were more widely spread throughout the Empire 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the country embarked on a development scheme 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the country embarked on plans for modernization 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . plans for modernization were tempered by Ethiopian traditions 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . plans for modernization were within the framework of the ancient monarchical structure of the state 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . traditions are Ethiopian 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the state has ancient monarchical structure 1 +Modernity has been blended without sacrificing on the traditional Buddhist ethos . Buddhist ethos is traditional nan 1 +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami 1 +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . the Florida East Coast Railway is in Miami 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Moore briefly dropped Marciano 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Marciano knocked down five times Moore 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Marciano retained the belt 1 +No announcement from UTV was made about the decision to close the station earlier than planned . the decision was to close the station 1 +No announcement from UTV was made about the decision to close the station earlier than planned . UTV is the station 1 +Noatak has a gravel public airstrip and is primarily reached by air . Noatak has a gravel public airstrip 1 +Noatak has a gravel public airstrip and is primarily reached by air . Noatak is primarily reached by air 1 +Noatak has a gravel public airstrip and is primarily reached by air . a gravel public airstrip is in Noatak 1 +Noatak has a gravel public airstrip and is primarily reached by air . Noatak's public airstrip is gravel nan 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . Not everyone completely trusted Vakama 's vision 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . they decided to track down the Matoran 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . Matau considered Vakama 's vision the delusions of a `` fire-spitter '' 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . Matau considered Vakama a `` fire-spitter '' 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . Vakama had a vision 1 +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . Nothing is known for certain about his life before about 1580 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' the epilogue is referred to in `` The Castaway '' 1 +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . 1 individual belonged to the Christian Catholic faith 1 +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . 1 individual was Of the rest of the population 1 +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . 1 individual Of the rest of the population belonged to the Christian Catholic faith 1 +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . the Catholic faith is Christian nan 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . British double agent `` Garbo '' was requested to give information on the sites of V-1 impacts 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . British double agent `` Garbo '' was requested to give information on the times of V-1 impacts 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . British double agent `` Garbo '' was requested by his German controllers 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . `` Garbo '' was a British double agent 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . British double agent `` Garbo '' had German controllers 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . similar requests were made to the other German agents in Britain 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . similar requests were made to `` Brutus '' 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . similar requests were made to `` Tate '' 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . `` Brutus '' was a German agent in Britain 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . `` Tate '' was a German agent in Britain 1 +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . Yost was named manager of the Kansas City Royals 1 +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . Yost was replacing Trey Hillman 1 +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . the Royals are in Kansas City 1 +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . Trey Hillman was a manager of the Kansas City Royals 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . XM suspended for 30 days Opie & Anthony 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . a homeless man wandered into the studio 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . a man was homeless nan 1 +On November 2 , 2005 , Brown ended his contract early and left the federal government . Brown ended early his contract 1 +On November 2 , 2005 , Brown ended his contract early and left the federal government . Brown left the federal government 1 +On November 2 , 2005 , Brown ended his contract early and left the federal government . Brown had a contract with the federal government 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . One candidate is a wreck at the western end of Manitoulin Island in Lake Huron 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . another wreck is near Escanaba , Michigan 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . a wreck is at the western end of Manitoulin Island in Lake Huron 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . Manitoulin Island is in Lake Huron 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . Escanaba is in Michigan 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . `` Time '' is the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . `` Breathe '' is the first song of the same album 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . `` Breathe '' is the first song of Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' is the same album nan 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . One example could be `` Time '' 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . `` Time '' contains a reprise of `` Breathe '' 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . `` The Dark Side Of The Moon '' is Pink Floyd 's 1973 album 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . Pink Floyd has album `` The Dark Side Of The Moon '' 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . Pink Floyd released album `` The Dark Side Of The Moon '' 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Sergeant Jericho is an officer nan 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . two are train operators nan 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . the others are officers nan 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Jericho is a Sergeant nan 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Sergeant Jericho tried to finish the fight 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . the other officers tried to finish the fight 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Cotton Mather called it `` the sewer of New England '' 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Opponents of religious freedom referred to it as `` Rogue 's Island '' 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' the sewer is in New England 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' `` Rogue 's Island '' is `` the sewer of New England '' 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' `` Rogue 's Island '' is in New England 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . Hank McCoy retains the basic features of a normal human 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . Hank McCoy has a generally simian physiology equivalent to that of a Great Ape 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . the basic features of a normal human are alongside a generally simian physiology equivalent to that of a Great Ape 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . the basic features of a normal human are a generally simian physiology equivalent to that of a Great Ape 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . a Great Ape has simian physiology nan 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include mild conjunctival redness 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include vitreous humour degeneration 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include prolapse of the vitreous into the anterior chamber 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include an increase of anterior chamber depth 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include a decrease of anterior chamber depth 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . lens subluxation has Other signs 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . the vitreous prolapses into the anterior chamber 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . the anterior chamber has depth nan 1 +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . Pakistan Chrome Mines Ltd. is a mining company 1 +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . Pakistan Chrome Mines Ltd. is incorporated in the Islamic Republic of Pakistan 1 +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . the Republic of Pakistan is Islamic 1 +Parental investment is any expenditure of resources to benefit one offspring . an expenditure of resources is to benefit one offspring 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro generally performs a concert series 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro generally performs four to five concerts 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro in addition will be touring throughout the United States 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro in addition will be touring throughout Canada 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro in addition will be touring throughout Europe 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro in addition will be touring elsewhere 1 +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . the positions can still be inferred of some of the buildings 1 +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . the Royals signed to a contract extension through the 2013 season Yost 1 +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . Yost was signed to a contract extension through the 2013 season 1 +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' the Player could only call one of four available `` hot routes '' 1 +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' Playmaker is a tool 1 +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' four `` hot routes '' are available nan 1 +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . Proliferative nodules are usually biopsied nan 1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . RedHat engineers identified problems with ProPolice 1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . RedHat engineers re-implemented stack-smashing protection for inclusion in GCC 4.1 1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . RedHat engineers re-implemented stack-smashing protection for inclusion 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . marbled geckos are on both island groups 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . Reptiles were identified during surveys 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . four-toed earless skink are limited to the main island in the Northern group 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . bull skinks are limited to the main island in the Northern group 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . western brown snakes are limited to the main island in the Northern group 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . marbled geckos are Reptiles 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . four-toed earless skink are Reptiles 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . bull skinks are Reptiles 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . western brown snakes are Reptiles 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Batesian and Mullerian Results may be widespread 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Batesian and Mullerian Results indicate acoustic mimicry complexes 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Batesian Results may be widespread 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Mullerian Results may be widespread 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . acoustic mimicry complexes may be widespread 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Batesian Results indicate acoustic mimicry complexes 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Mullerian Results indicate acoustic mimicry complexes 1 +Returning home , Ballard delivers her report , which her superiors refuse to believe . Ballard is Returning home 1 +Returning home , Ballard delivers her report , which her superiors refuse to believe . Ballard's superiors refuse to believe Ballard's report 1 +Returning home , Ballard delivers her report , which her superiors refuse to believe . Ballard delivers her report 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . Robert Charles `` Jack '' Russell , MBE , is now known for his abilities as an artist 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . Robert Charles `` Jack '' Russell , MBE , is now known for his abilities as a cricket wicketkeeping coach 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . Robert Charles `` Jack '' Russell , MBE , is now known for his abilities as a football goalkeeping coach 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . San Francisco has a diversity of cultures 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . San Francisco has eccentricities 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . San Francisco has greatly influenced the country 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . San Francisco has greatly influenced the world at large 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Scarpetta returns to Virginia 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Scarpetta returns in `` Trace '' 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Scarpetta returns at the request of her replacement , Dr. Joel Marcus 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Dr. Joel Marcus is the replacement of Scarpetta 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Joel Marcus is Dr. 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . Several isomers of octene are known nan 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . known isomers of octene depend on the position of the double bond in the carbon chain 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . known isomers of octene depend on the geometry of the double bond in the carbon chain 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . octene has Several known isomers 1 +She died in October 1915 of a heart attack . She died in October 1915 1 +She died in October 1915 of a heart attack . She died of a heart attack 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . She provided an audio commentary for the episode 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . She provided an audio commentary for the episode alongside David Tennant 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . an audio commentary was provided for the episode 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . an audio commentary was provided on the DVD release of the show 's third series 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . the show 's third series had a DVD release nan 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published more than 15 research publications 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published research publications , including International Journals 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published research publications , including International Conferences 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published research publications , including National Conferences 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published research publications , including workshops 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published research publications , including seminars 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She returned to that Thames River base 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She served as a training ship 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She served primarily for the Submarine School at 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She served occasionally for NROTC units in 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . the Submarine School was at New London 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . NROTC units were in the southern New England area 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She was ordered to be rebuilt on 9 March 1724 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She was taken in hand at Deptford Dockyard 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She was taken in hand by Master Shipwright Richard Stacey 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . Richard Stacey was Master Shipwright 1 +Shea was born on September 5 , 1900 in San Francisco , California . Shea was born on September 5 , 1900 1 +Shea was born on September 5 , 1900 in San Francisco , California . Shea was born in San Francisco , California 1 +Shea was born on September 5 , 1900 in San Francisco , California . San Francisco is in California 1 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . Richmond has won ten premierships 1 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . Richmond joined the competition in 1908 1 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . the most recent victory of Richmond was in 1980 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . a freed slave could liberate himself from these residual duties 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . these duties were residual nan 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . specified payments were extra nan 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . a slave was freed nan 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . knowledge in the event Specifically affects the level of personal importance for the individual 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . interest in the event Specifically affects the level of personal importance for the individual 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . knowledge in the event also affects the individual 's level of emotional arousal 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . interest in the event also affects the individual 's level of emotional arousal 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . Spennymoor Town F.C. are the main football team 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . Spennymoor Town F.C. won the FA Carlsberg Vase 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . Spennymoor Town F.C. won 2-1 in the final against Tunbridge Wells 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . the final was against Tunbridge Wells 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . the capital of the `` Union treaty '' was in Sukhum 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . Sukhum became the capital of the Abkhazian Autonomous Soviet Socialist Republic 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . Superboy-Prime flew through the Anti-Monitor 's chest 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . Superboy-Prime hurled Anti-Monitor 's shattered body 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . the Anti-Monitor had a shattered body 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . the Anti-Monitor was weakened now 1 +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . Swinburne moves from the philosophical 1 +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . Swinburne moves to the theological 1 +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . Swinburne is building rigorously his case 1 +Team Racing is a NASCAR Craftsman Truck Series team . Team Racing is a NASCAR Craftsman Truck Series team 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . Venice had an outbreak of plague 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague lasted two years 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague caused Franco to leave the city 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague caused Franco to leave Venice 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague caused Franco to lose many of her possessions 1 +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . The 2nd Battalion of the 13th Light Infantry was raised at Winchester 1 +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . the 13th Light Infantry was of The 2nd Battalion 1 +The Acrolepiidae family of moths are also known as False Diamondback moths . The Acrolepiidae family of moths are also known as False Diamondback moths 1 +The Acrolepiidae family of moths are also known as False Diamondback moths . False Diamondback are moths 1 +The Acrolepiidae family of moths are also known as False Diamondback moths . The Acrolepiidae are a family of moths 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . The Alarm are an alternative rock/new wave band 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . The Alarm formed in Rhyl , North Wales 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . Rhyl is in North Wales 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . an alternative rock/new wave band formed in Rhyl , North Wales 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . The Bourbons built additional reception rooms 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . The Bourbons reconstructed the Sala d'Ercole 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . its frescos depicted the mythological hero , Hercules 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . Hercules was a mythological hero 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Alcohol , Tobacco , Firearms and Explosives formed in 1886 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Alcohol , Tobacco , Firearms and Explosives is a federal law enforcement organization 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Alcohol , Tobacco , Firearms and Explosives is within the United States Department of Justice 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . The CRZ was organized by the Nepal members of the Naxalite movement 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . The CRZ was organized by the Indian members of the Naxalite movement 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . the Naxalite movement has Nepal members 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . the Naxalite movement has Indian members 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . The CRZ was organized in a meeting 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . a meeting was at Siliguri in the Indian State of West Bengal 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . Siliguri is in the Indian State of West Bengal 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . West Bengal is an Indian State 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . West Bengal is a State in India 1 +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . The Charles City equipment was transferred to Mason City 1 +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . equipment burned in the shop fire 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Hamburg Concathedral was with chapterhouse 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Hamburg Concathedral was with capitular residential courts 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . a `` Cathedral Immunity District '' was of the Prince-Archbishopric of Bremen 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . the Prince-Archbishopric was of Bremen 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Concathedral was in Hamburg 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel is located in Welland , Ontario , Canada 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . Welland is in Ontario , Canada 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . Ontario is in Canada 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel is an underwater tunnel 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel is carrying Niagara Road 27 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel is carrying the unsigned designation of Highway 7146 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . Highway 7146 has an unsigned designation 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . The Nadvorna dynasty is notable nan 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . many of The Nadvorna dynasty's descendants become rebbes 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . Nadvorna is a dynasty 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . Nadvorna dynasty has descendants 1 +The PAC bulletins were widely distributed at these meetings . The PAC bulletins were widely distributed at these meetings 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . Alexander passed through without any problems the defile 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . The Persian contingent was supposed to guard the defile 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . The Persian contingent abandoned the defile 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . The contingent is Persian 1 +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . The Rev. William Alfred Quayle was honored by his alma mater , Baker University 1 +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . The Rev. William Alfred Quayle was honored with the degrees Litt.D 1 +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . William Alfred Quayle is The Rev. 1 +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . William Alfred Quayle's alma mater is Baker University 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust was formed in 1968 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust has headquarters 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust Visitor Centre is purpose built nan 1 +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . The SAS killed Provisional Irish Republican Army members 1 +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . The SAS killed Irish National Liberation Army members 1 +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . The SAS killed a total of 14 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . The Summer Programs Office runs these programs 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . many Wardlaw-Hartridge Students attend camp 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . many Wardlaw-Hartridge Students attend classes 1 +The Triple-A Baseball National Championship Game was established in 2006 . The Triple-A Baseball National Championship Game was established in 2006 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . The government is in Venezuela 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . programs are created by community groups 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . programs are created by non-profits 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . programs are created by other independent producers 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . community groups are independent producers 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . non-profits are independent producers 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . television stations are private 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . private television stations have airtime 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . The Wilbur Cross Highway ended in Sturbridge 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . locals sometimes call Haynes Street `` Old Route 15 '' 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . locals sometimes call portions of Mashapaug Road `` Old Route 15 '' 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . The `` Charleston Courier '' was founded in 1803 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . The `` Charleston Daily News '' was founded in 1865 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . The `` Charleston Courier '' and `` Charleston Daily News '' merged to form the `` News and Courier '' 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . The album was produced by Roy Thomas Baker 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . The album was promoted with tours 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . The album was promoted with tours 1 +The canal was dammed off from the river for most of the construction period . The canal was dammed off from the river 1 +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . The car was used in `` Stealth '' 1 +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . a band member had a car 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . The city was founded by the Western Town Lot Company 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . the names of the platted streets were Norwegian 1 +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . Republicans had 12 seats 1 +The community is served by the United States Postal Service Hinsdale Post Office . The community is served by the United States Postal Service Hinsdale Post Office 1 +The community is served by the United States Postal Service Hinsdale Post Office . the United States Postal Service has Post Office 1 +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang 1 +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . The Prefecture Apostolic of Hpyeng-yang was renamed as the Prefecture Apostolic of Peng-yang 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on food industries 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on electronic industries 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on textile industries 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine had twin turbochargers 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine produced an advertised 5700 rpm of torque 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine produced an advertised 5700 rpm of torque on 8 lbs of boost 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble also has extensive recordings with Deutsche Grammophon 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble also has extensive recordings with Dorian Recordings 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble also has extensive recordings with Newport Classic 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble also has extensive recordings with Navona Records 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble also has extensive recordings with their own label 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . The establishment of a museum had first been planned in 1821 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . The establishment of a museum had first been planned by the Philosophical Society of Australasia 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . the Philosophical Society of Australasia folded in 1822 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . the Philosophical Society is in Australasia 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . specimens were collected nan 1 +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . The extension of the University Library can be found on the second floor 1 +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . parking for 120 cars can be found on the third to sixth floors 1 +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . The external gauge is usually readable directly nan 1 +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . a fuel gauge is on the dashboard 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . 1st Armored failed to arrive intact nan 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . 1st Armored failed to deploy as a single entity nan 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . action was against German forces in Tunisia 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . German forces were in Tunisia 1 +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . The field is at the Lake Elsinore Diamond 1 +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . The field at the Lake Elsinore Diamond is named the Pete Lehr Field 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . Sweden 's Royal Couple lived there 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . the Barcelona Summer Olympics was in 1992 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . the 1992 Summer Olympics was in Barcelona 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . the Royal Couple are of Sweden 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . Sweden has a Royal Couple 1 +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . The first five laps would be added to the second part of the race 1 +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . the overall result would be decided on aggregate 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library opened in Huntington Beach 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library has evolved to a five location library system 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . the library system has a location on Central 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . the library system has a location on Main Street 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . the library system has a location on Helen Murphy 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . the library system has a location on Banning 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . Central is in Huntington Beach 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . Main Street is in Huntington Beach 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . Oak View is in Huntington Beach 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . Helen Murphy is in Huntington Beach 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . Banning is in Huntington Beach 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Tokyo 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Osaka 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Fukuoka 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Tokyo is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Osaka is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Fukuoka is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Jakarta 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Manila 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Singapore 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Guam 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Guam is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Singapore is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Jakarta is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . Manila is in Southeast Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates including Jakarta 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates including Manila 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates including Singapore 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates including Guam 1 +The founder had pledged himself to honour the Blessed Virgin in a special manner . The founder had pledged himself to honour in a special manner the Blessed Virgin 1 +The fundraiser was successful , and the trip occurred from June through September of 2014 . The fundraiser was successful nan 1 +The fundraiser was successful , and the trip occurred from June through September of 2014 . the trip occurred from June through September of 2014 1 +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . The fuselage had an oval cross-section 1 +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . The fuselage housed a water-cooled inverted-V V-12 engine 1 +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . a float arm inside the tank rotating a magnet 1 +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . a magnet rotates an external gauge 1 +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . the golf tournament beginning in 1981 is known as the New Orleans Open 1 +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . the New Orleans Open is a golf tournament 1 +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . The lodge is open from mid-May to mid-October 1 +The opening credits sequence for the collection was directed by Hanada Daizaburo . The opening credits sequence for the collection was directed by Hanada Daizaburo 1 +The opening credits sequence for the collection was directed by Hanada Daizaburo . the collection has opening credits sequence 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . Harvard has Business School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . Harvard has Law School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . Harvard has Medical School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees are from the Faculty of Arts and Sciences 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees are from Harvard Business School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees are from Harvard Law School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees are from Harvard Medical School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees from the Faculty of Arts and Sciences are permanent members 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees from Harvard Business School are permanent members 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees from Harvard Law School are permanent members 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . deans or designees from Harvard Medical School are permanent members 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . the Carl H. Pforzheimer University Professor is a permanent member 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . the provost is a permanent member 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . the Meenakshi Temple is at Madurai in Tamil Nadu 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . Madurai is in Tamil Nadu 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars are in a line 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars are in a line on its both sides 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars are according to Doric or Greek style 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars have decorations 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars' decorations are according to the Meenakshi Temple 1 +The race is in mixed eights , and usually held in late February / early March . The race is usually held in late February / early March 1 +The race is in mixed eights , and usually held in late February / early March . The race is in mixed eights 1 +The rapids at the head of the South Fork were removed in 1908 . The rapids are at the head of the South Fork 1 +The rapids at the head of the South Fork were removed in 1908 . The rapids were removed in 1908 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Inferno Red 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Brilliant Black Crystal Clear Coat 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The 2006 Ram SRT-10 was redesigned nan 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The Ram SRT-10 was redesigned in 2006 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram was an SRT-10 1 +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . The residue can be reprocessed for more dripping 1 +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . The residue can be strained through a cheesecloth lined sieve 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . The rest of the group reach a small shop 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . Brady attempts to phone the Sheriff 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . the crocodile breaks through a wall 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . the crocodile devours Annabelle 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . a shop was small nan 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . The restrictions are reducing a person 's pleasure 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . The restrictions recall the cessation of the `` Korban Tamid '' 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . The restrictions recall the cessation of the `` Nesach Hayayin '' 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . the `` Korban Tamid '' on the Temple Altar had cessation with the destruction of the Temple 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . the `` Nesach Hayayin '' on the Temple Altar had cessation with the destruction of the Temple 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders climbed off 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders began walking nan 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders were shouting in general protests 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders were shouting in particular abuse at the race doctor , Pierre Dumas 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . Pierre Dumas was the race doctor 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . Pierre Dumas was doctor at the race 1 +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . former US President George H. W. Bush stayed aboard 1 +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . George H. W. Bush is former US President 1 +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . George H. W. Bush is former President 1 +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . The second was titled `` Consider Her Ways '' 1 +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . The second also starred Barrie 1 +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . the lead was named Jane Waterleigh 1 +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . The series of three constitutional amendments was in 1933 1 +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . The series of three constitutional amendments severely curtailed the role of the Governor-General of the Irish Free State 1 +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . the Governor-General was of the Irish Free State 1 +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . The series was of three constitutional amendments 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . The site consists of three subterranean Grotto follies 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . three subterranean Grotto follies were constructed in the 18th century 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . three subterranean Grotto follies are split between two areas 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . one of the two areas is on the western side of the lake 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . one of the two areas is on the eastern side of the lake 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . three Grotto follies are subterranean nan 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . The staff provides a family-style dinner 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . The staff provides a home-cooked dinner 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner is attended by Dartmouth students 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner is attended by community members 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner is attended by Appalachian Trail thru-hikers 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner is attended by tourists 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner is attended by Dartmouth professors 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The station has a concourse 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The station has a ticket office area 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The concourse was internally redesigned at The station 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The ticket office area was internally redesigned at The station 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The concourse reopened at The station 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The ticket office area reopened at The station 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . The stations were both called `` Midsomer Norton and Welton '' 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station was renamed under British Railways as Midsomer Norton South 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station was renamed under British Railways as Midsomer Norton Upper 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station is being restored currently 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station has open weekends with engines in steam 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . open weekends have engines in steam 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . The stock pot should be chilled nan 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . the solid lump of dripping should be scraped clean nan 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . the solid lump of dripping should be re-chilled for use in the future 1 +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . Amazon.com has a position in the market 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . The third known version is part number 2189014-00-212 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . at least one model was being produced in February 1993 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . part number 2189014-00-212 was being produced in February 1993 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . a third version is known nan 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . The town was served by a station on the Somerset and Dorset Railway 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . a station is on the Somerset and Dorset Railway 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . a station on the Somerset and Dorset Railway closed in 1966 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . The town was served by a second station on the Bristol and North Somerset Railway at Welton in the valley 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . a second station is on the Bristol and North Somerset Railway at Welton in the valley 1 +The very large piers at the crossing signify that there was once a tower . a tower was at the crossing 1 +The very large piers at the crossing signify that there was once a tower . The very large piers are at the crossing 1 +The very large piers at the crossing signify that there was once a tower . The piers are very large nan 1 +The video was the first ever to feature the use of dialogue . The video featured the use of dialogue 1 +Their mission was always for a specific mandate and lasted for a limited period . Their mission was for a specific mandate 1 +Their mission was always for a specific mandate and lasted for a limited period . Their mission lasted for a limited period 1 +Their mission was always for a specific mandate and lasted for a limited period . a mandate was specific nan 1 +Their mission was always for a specific mandate and lasted for a limited period . a period was limited nan 1 +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . Their numbers continued to increase each year 1 +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . rumours are about immigration restrictions 1 +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . rumours about immigration restrictions appeared in much of the media 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . a mix is of olive oil 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . a mix is of vinegar 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . a mix is of sugar 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . a mix is of garlic 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . a mix is of lots of parsley or celery 1 +There have been two crashes involving fatalities at the airfield since it was established . two crashes have involved fatalities 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . a Youth Hostel closed in October 2008 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . the Youth Hostel building has reopened as Keld Lodge 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . Keld Lodge is a hotel with bar and restaurant 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . Keld Lodge has bar and restaurant 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 30.1 % out of 143 households had children under the age of 18 living with them 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 11.9 % out of 143 households had a female householder with no husband present 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 36.4 % out of 143 households were non-families 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 143 households were There nan 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 35.00 % out of 47,604 households had children under the age of 18 living with them 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 7.50 % out of 47,604 households had a female householder with no husband present 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 32.50 % out of 47,604 households were non-families 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 47,604 households were There nan 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . There were 6,524 households 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 35.3 % were out of 6,524 households 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 35.3 out of 6,524 households had living with them children under the age of 18 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 31.7 % were out of 6,524 households 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 31.5 % were out of 6,524 households 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 31.5 out of 6,524 households had a female householder with no husband present 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 30.6 % were out of 6,524 households 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 30.6 out of 6,524 households were non-families 1 +These and other attempts supplied a bridge between the literature of the two languages . These attempts supplied a bridge between the literature of the two languages 1 +These and other attempts supplied a bridge between the literature of the two languages . other attempts supplied a bridge between the literature of the two languages 1 +These and other attempts supplied a bridge between the literature of the two languages . a bridge was between the literature of the two languages 1 +These and other attempts supplied a bridge between the literature of the two languages . the two languages had literature 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These are visually very similar to part number 2189014-00-211 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These have the same AT style plug 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These have the same AT style chassis 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . the silver label on the reverse is bearing the AnyKey moniker 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . screws are holding together the keyboard 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . macro programming is requiring the control key 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These are lacking the AnyKey inscription 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . part number 2189014-00-211 has an AT style plug 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . part number 2189014-00-211 has an AT style chassis 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . part number 2189014-00-211 is lacking the AnyKey inscription 1 +These beams stem from a cosmic energy source called the `` Omega Effect '' . a cosmic energy source is called the `` Omega Effect '' 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These orientations allow easy movement 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . easy movement is degrees of freedom 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These orientations allow degrees of freedom 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . easy movement lowers minimally entropy 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These orientations thus lower minimally entropy 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These are orientations 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . These were often related to European conflict 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were aided by Britain 's continental enemies 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were encouraged by Britain 's continental enemies 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were aided for Britain 's continental enemies' own ends 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were encouraged for Britain 's continental enemies' own ends 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . Britain has continental enemies 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat 1-0 Milligan 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat 3-0 Grand View 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat 0-0 Azusa Pacific 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat to win the NAIA National Championships 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . They have included some of the most dangerous assassins in the world 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . some of the most dangerous assassins are in the world 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . some of the most dangerous assassins are including Lady Shiva 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . some of the most dangerous assassins are including David Cain 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . some of the most dangerous assassins are including Merlyn 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . assassins are dangerous nan 1 +They usually go through a period of dormancy after flowering . They usually go through a period of dormancy 1 +This attire has also become popular with women of other communities . This attire has also become popular with women of other communities 1 +This engine was equipped with an electronically controlled carburetor . This engine was equipped with an electronically controlled carburetor 1 +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . the Welsh language was the main language of the nonconformist churches 1 +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . This had considerable implications for the Welsh language 1 +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . This is most common in those with Barrett 's esophagus 1 +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . This occurs in those with Barrett 's esophagus 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . This line was extended east 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . This line was extended by the Prahran & Malvern Tramways Trust 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . This line was extended from Hawthorn Road 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . This line was extended to Darling Road , Malvern East 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . Darling Road is in Malvern East 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman strength 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman speed 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman reflexes 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman agility 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman flexibility 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman dexterity 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman coordination 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman balance 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman endurance 1 +This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers . This policy was however opposed by the miners 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina organized the `` Magazzino '' 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina led the `` Magazzino '' 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the `` Magazzino '' is a private papal charity office nan 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the `` Magazzino '' continued until 1959 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the `` Magazzino '' employed up to 40 helpers nan 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the `` Magazzino '' assisted the pope 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the pope had many calls for his help nan 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . the pope had many calls for his charity nan 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . a private papal charity office employed up to 40 helpers nan 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . a private papal charity office continued until 1959 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina organized the `` Magazzino '' To assist the pope 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina led the `` Magazzino '' To assist the pope 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks to live together in the Bluth model home with him and George Michael To keep the family together his self-centered twin sister Lindsay 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks to live together in the Bluth model home with him and George Michael To keep the family together his self-centered twin sister Lindsay's husband Tobias 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael's self-centered twin sister is Lindsay nan 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Lindsay's husband is Tobias nan 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Maeby is daughter of Lindsay nan 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Maeby is daughter of Tobias nan 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks to live together in the Bluth model home with him and George Michael To keep the family together their daughter Maeby 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Lindsay is self-centered nan 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael lives in the Bluth model home 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . George Michael lives in the Bluth model home 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael lives with George Michael 1 +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . the Medieval school of Jewish Philosophy framed Judaism in light of Greek thought nan 1 +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . the Medieval school of Jewish Philosophy framed Judaism in light of human intellect nan 1 +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . God the Infinite has no needs To the Medieval school of Jewish Philosophy 1 +To the north , along and across the same border , live speakers of Lakha . speakers of Lakha live To the north 1 +To the north , along and across the same border , live speakers of Lakha . speakers of Lakha live along the same border 1 +To the north , along and across the same border , live speakers of Lakha . speakers of Lakha live across the same border 1 +Total ` Fresh Food Story ' constructed at the end of the North Mall . Total ` Fresh Food Story ' is constructed at the end of the North Mall 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . `` R-11 '' Transferred to Key West , Florida 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . `` R-11 '' continued her training ship duties 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . `` R-11 '' had training ship duties 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . Key West is in Florida 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . `` R-11 '' had a career 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . `` R-11 '' was her 1 +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . Trumbull was often incorrectly credited as being the sole special-effects creator for 2001 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . Ladd is the mother of actress Laura Dern 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . Ladd is the mother by her ex-husband , actor Bruce Dern 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . Laura Dern is an actress 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . actor Bruce Dern is Ladd's ex-husband 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . Bruce Dern is an actor 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . the re-election was of A.A. MacLeod 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . the re-election was of J.B. Salsberg 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . A.A. MacLeod won a seat 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . J.B. Salsberg won a seat 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . A.A. MacLeod is in Labor-Progressive Party 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . J.B. Salsberg is in Labor-Progressive Party 1 +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . Tyabb also has Tyabb Airport 1 +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . Tyabb Airport has been operating for more than thirty years 1 +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . Tyabb Airport is in Tyabb 1 +Under the Comanche program , each company built different parts of the aircraft . each company built different parts of the aircraft 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he is not a figure of authority 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he is possessed of neither patriarchal power nor heroic defiance 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he is Unlike Uncle Sam 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . Uncle Sam is a figure of authority 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he prefers his small beer 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he prefers his domestic peace 1 +Unruly passengers are often put off here to be taken into custody . Unruly passengers are often put off here 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . Wakeboarding is practiced by men 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . Wakeboarding is practiced by women 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . Wakeboarding is practiced at the competitive level 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . men compete in separate categories 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . women compete in separate categories 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . they compete in separate categories 1 +Watson has served as Minority Leader since elected by his caucus in November 1998 . Watson has served as Minority Leader 1 +Watson has served as Minority Leader since elected by his caucus in November 1998 . Watson was elected by his caucus 1 +Watson has served as Minority Leader since elected by his caucus in November 1998 . Watson was elected as Minority Leader 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . `` newcritics.com , '' an online journal of media and arts criticism was launched in January , 2007 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . `` newcritics.com , '' an online journal of media and arts criticism was shuttered in June , 2009 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . `` newcritics.com '' was an online journal of media criticism nan 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . `` newcritics.com '' was an online journal of arts criticism nan 1 +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . Naguib began showing signs of independence from Nasser 1 +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . the Wafd and the Brotherhood are established political forces Egypt 1 +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . RCC has land reform decrees nan 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . civilian government was introduced by the Americans 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . new municipalities were reinstated Romblon 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . new municipalities were created Romblon 1 +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . the explosion tore through the hut 1 +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . Scieszka painted apartments 1 +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . Scieszka was pursuing his MFA 1 +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . Columbia is in New York 1 +Why the `` Epilogue '' is missing is unknown . Why the `` Epilogue '' is missing is unknown nan 1 +Why the `` Epilogue '' is missing is unknown . the `` Epilogue '' is missing nan 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require more government incentives 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require more building code regulations 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require the development of recognized standards 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require significant increases in the cost of conventional energy 1 +With no assigned task , the Cosmos expressed concern for what Battra might do . Battra had no assigned task nan 1 +With no assigned task , the Cosmos expressed concern for what Battra might do . no task was assigned nan 1 +With no assigned task , the Cosmos expressed concern for what Battra might do . concern was expressed nan 1 +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . she has captivated Yaromir 1 +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . Morena is the goddess of the underworld 1 +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . she has had the help of Morena 1 +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . the underworld has a goddess nan 1 +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . Russia was officially transformed from an absolute monarchy With this act 1 +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . Russia was officially transformed into a constitutional monarchy With this act 1 +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . the exact extent of just `` how '' constitutional quickly became the subject of debate 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship has combat clubs nan 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship combat clubs have rules nan 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship has versions in 1/48 scale 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship has versions in 1/72 scale 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship has versions in 1/96 scale 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship has versions in 1/144 scale 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was the subject of `` This Is Your Life '' 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was the subject on two occasions 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was the subject in May 1961 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was the subject in January 1990 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was surprised by Eamonn Andrews 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Michael Aspel surprised Wright 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Thames Television has Teddington Studios 1 +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . `` Black Water '' was released as a B-side to another Hot 100 hit 1 +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . `` Black Water '' topped the Hot 100 itself 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Greenfish was launched by the Electric Boat Co. 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Greenfish was sponsored by Mrs. Thomas J. Doyle 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Greenfish was commissioned by the Electric Boat Co. 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Comdr. R. M. Metcalf was commanding Greenfish 1 +`` It started from modest beginnings and became a gigantic charity '' . It started from modest beginnings 1 +`` It started from modest beginnings and became a gigantic charity '' . It became a gigantic charity 1 +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . Le Griffon is reported to be the Holy Grail of Great Lakes shipwreck hunters 1 +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' Luxembourg has a Grand Duke 1 +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' Luxembourg has Prime Ministers 1 +`` The Cure '' topped the online music sales charts . The Cure topped the online music sales charts 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he supported himself without any supplement from teaching 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he supported himself without any supplement from church position 1 +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . $ 300 million of bonds indicate a 3 3\/4 % coupon at par via Nomura International Ltd 1 +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . 3 3\/4 % coupon at par is via Nomura International Ltd 1 +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . $ 300 million of bonds is with equity - purchase warrants 1 +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) terrorists kill Americans abroad 1 +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . Mr. Panelli is A San Francisco lawyer 1 +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . the machine left grease marks on his carpet 1 +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . A half - dozen Soviet space officials were at an exhibit 1 +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . their counterparts are at the National Space Development Agency of Japan 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . Beatrice first filed to sell debt 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . the company has senior subordinated reset notes 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . yield of senior subordinated reset notes will be at 12 3\/4 % 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . other crops are such as cotton 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . other crops are such as soybeans 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . other crops are such as rice 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . an exchange member is designated to maintain a fair and orderly market in a specified stock 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . an exchange member is designated to maintain a fair market in a specified stock 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . an exchange member is designated to maintain an orderly market in a specified stock 1 +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . Telerate Inc. has holders nan 1 +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . Dow Jones & Co. does n't already own 33 % of Telerate 1 +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . UniFirst earned $ 2.4 million 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . the short - term money market acts as a hedge against inflation for consumers 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . the short - term money market acts as an accelerator of inflation for the government 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . the short - term money market acts as an accelerator of deficits for the government 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . About $ 70 billion is estimated to be tied up in the short - term money market 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group is led by United 's pilots union 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group is led by UAL Chairman Stephen Wolf 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . Stephen Wolf is Chairman UAL 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group has begun billing UAL 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes expenses to investment bankers 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes expenses to law firms 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes expenses to banks 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes fees to investment bankers 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes fees to law firms 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the buy - out group owes fees to banks 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . one person is familiar with the airline 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . United has pilots union 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . UAL has Chairman 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was elected to his first 10 - year term as judge 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was elected to his first 10 - year term as judge 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was elected After practicing law locally 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was practicing law locally 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' Heathrow authorities have been watching a group of allegedly crooked baggage handlers 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' a group of baggage handlers are allegedly crooked nan 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' authorities are in Heathrow 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' the Gauguin may be `` lost '' nan 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . the Treasury will announce details of the November refunding 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . Bush is President nan 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . the public has been fascinated by gossip 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . the public has been fascinated by voyeurism 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including sexual activities 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including domestic relationships 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including activities of family members 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including all matters about mental health 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . collateral facts about private lives including all matters about physical health 1 +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . Dewar 's gave discounts on Scottish merchandise 1 +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . Dewar 's gave discounts on Scottish merchandise 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . Mr. Fingers , the former Oakland reliever laughs nan 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . Mr. Fingers is the former Oakland reliever nan 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . complete games by pitchers nan 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . complete games by pitchers 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . perhaps three complete games by pitchers out of 288 games by pitchers 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . Mr. Fingers is the Oakland reliever former 1 +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . Mr. Fingers is the former reliever Oakland 1 +And he got rid of low - margin businesses that just were n't making money for the company . low - margin businesses were n't making money for the company 1 +And he got rid of low - margin businesses that just were n't making money for the company . low - margin businesses were n't making for the company 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : Annualized interest rates are on certain investments 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : Annualized interest rates on certain investments are reported by the Federal Reserve 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : Annualized interest rates on certain investments are reported on a weekly - average basis 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : interest rates are Annualized nan 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : basis is weekly - average nan 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : basis average is weekly 1 +As of Sept. 30 , American Brands had 95.2 million shares outstanding . American Brands had 95.2 million shares outstanding 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . the London trading session drew to a close nan 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . the trading session drew to a close in London 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . the market was still listening to the parliamentary debate on the economy 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . new Chancellor of the Exchequer John Major was expected to clarify his approach to the British economy 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . new Chancellor of the Exchequer John Major was expected to clarify his approach to currency issues 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . John Major is new Chancellor of the Exchequer 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . new Chancellor of the Exchequer John Major has approach to the British economy 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . new Chancellor of the Exchequer John Major has approach to currency issues 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . the trading session is in London 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . parliamentary debate is on the economy 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . sales have tripled At Giant Bicycle Inc. , Rancho Dominguez , Calif. 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . Giant Bicycle Inc. is in Rancho Dominguez , Calif. 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . Rancho Dominguez is in Calif. 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . Giant Bicycle Inc. entered the U.S. mountain - bike business 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . Giant Bicycle Inc. entered the mountain - bike business 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . almost all of the shares in the 20 - stock Major Market Index were sharply higher At one point 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . almost all of the shares were sharply higher in the 20 - stock Major Market Index 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . Major Market Index has 20 stocks 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . the 20 - stock Major Market Index mimics the industrial average 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . patients require less attention from nurses 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . patients require less attention from other staff 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . room charges are lower than a regular room 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . room charges are about $ 100 less per day than a regular room 1 +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . certain areas are jolted with a magnetic stimulator 1 +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . stimulator is magnetic nan 1 +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . subjects have brains nan 1 +Both reflect the dismissal of lower - level and shorter - tenure executives . Both reflect the dismissal of lower - level and shorter - tenure executives 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British stocks had a rise nan 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . government bonds are British nan 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . stocks are British nan 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds ended moderately higher nan 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds were encouraged by a steadier pound 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds were encouraged by a rise in British stocks 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . pound is steadier nan 1 +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . the state is offering only $ 39,000 a year 1 +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . California has high standard of living 1 +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . Brent Scott is a recruiting officer nan 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . the golden share has been waived nan 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . the British concern 's articles of association ban shareholdings of more than 15 % 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . a hostile bidder for Jaguar would still have to alter the British concern 's articles of association 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . the British concern has articles of association nan 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . bidder for Jaguar is hostile nan 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . Jaguar has a hostile bidder 1 +But amid the two dozen bureaucrats and secretaries sits only one real - life PC . only one real - life PC sits amid the two dozen bureaucrats and secretaries 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new accounts are up this month 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new sales are up this month 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . inquiries are up this month 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . subsequent sales of stock funds are up this month 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new accounts are up from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new sales are up from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . inquiries are up from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . subsequent sales of stock funds are up from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . sales of stock funds are subsequent nan 1 +But it appears to be the sort of hold one makes while heading for the door . one is heading for the door 1 +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . the taxpayer has exposure nan 1 +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . it does that at the cost of deepening the taxpayer 's exposure 1 +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . O'Kicki is Judge nan 1 +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . all were afraid to go in 1 +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . all were afraid to go in at the door 1 +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . they arrived at the door 1 +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . they were afraid to go in 1 +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . wire transfers from a standing account are n't reported nan 1 +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . you ca n't dismiss Mr. Stoltzman 's music as merely commercial 1 +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . you ca n't dismiss Mr. Stoltzman 's music as merely lightweight 1 +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . you ca n't dismiss Mr. Stoltzman 's motives as merely commercial 1 +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . you ca n't dismiss Mr. Stoltzman 's motives as merely lightweight 1 +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . Omron Tateishi Electronics Co. uses PCs 1 +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . Omron Tateishi Electronics Co. is in Kyoto 1 +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . the company is Omron Tateishi Electronics Co. , of Kyoto 1 +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . Combined PC and work - station use will jump as much as 25 % annually 1 +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . Combined PC and work - station use will jump about 10 % 1 +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . PC and work - station use are Combined nan 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Bert Campaneris is Crouched at shortstop 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Bert Campaneris was Oakland 's master thief once 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Bert Campaneris effortlessly scoops up a groundball 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Bert Campaneris effortlessly flips it to second 1 +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . balloonists have passed a Federal Aviation Authority lighter - than - air test 1 +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . Federal Aviation Authority has a lighter - than - air test 1 +Each company 's share of liability would be based on their share of the national DES market . Each company 's share of liability would be based on their share of the national DES market 1 +Each company 's share of liability would be based on their share of the national DES market . Each company has share of liability 1 +Each company 's share of liability would be based on their share of the national DES market . Each company has share of the national DES market 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . Blackstone Group is a New York investment bank 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . investment bank is in New York 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . Blackstone Group is in New York 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . Blackstone Group created a special $ 570 million mortgage - securities trust 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . Blackstone Group created for Japanese investors a special $ 570 million mortgage - securities trust 1 +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . Mr. Sider pores over last wills and testaments 1 +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . Mr. Sider is an estate lawyer 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . `` training wage '' is subminimum nan 1 +Feeling the naggings of a culture imperative , I promptly signed up . I signed up promptly 1 +Feeling the naggings of a culture imperative , I promptly signed up . I was Feeling the naggings of a culture imperative 1 +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . Few people have raised as many hackles as Alvin A. Achenbaum 1 +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . Alvin A. Achenbaum raised hackles 1 +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . Rockefeller has management nan 1 +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . Mitsubishi Estate is taking a place on the board Rockefeller 1 +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . First Boston incurred millions of dollars of losses 1 +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . First Boston could n't sell special securities 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . a passenger can fly from Chardon , Neb. 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . a passenger can fly to Denver 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . a passenger can fly for as little as $ 89 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . a passenger can fly for as little as $ 89 to $ 109 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . prices were quoted by the company 1 +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . large wage increases were granted to nonunion workers 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave has interests in packaging 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave has interests in beer 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave has interests in dairy products 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave holds the Coke licenses for Malaysia 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave holds the Coke licenses for Brunei 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . per - capita consumption is n't as high as in Singapore 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . per - capita consumption is n't as high as in Singapore 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . per - capita consumption in Malaysia is n't as high as in Singapore 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . per - capita consumption in Brunei is n't as high as in Singapore 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave holds Coke licenses Malaysia 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave holds Coke licenses Brunei 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave also has interests in packaging , beer and dairy products nan 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi was appointed president of this financially troubled department store chain 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi was appointed chief executive officer of this financially troubled department store chain 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . this department store chain is financially troubled nan 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi is succeeding Frank Robertson 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Frank Robertson is retiring early nan 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi was appointed effective Nov. 15 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Frank Robertson is retiring early 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . this financially troubled department store chain has a chief executive officer nan 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . this financially troubled department store chain has a president nan 1 +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . legal authority would justify such an injunction 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . He illustrated this intricate , jazzy tapestry 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . He unfortunately illustrated with Mr. Pearson 's images 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . a kitschy mirroring of the musical structure was thoroughly distracting from Mr. Reich 's piece 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . a kitschy mirroring of the musical structure was thoroughly distracting from Mr. Stoltzman 's elegant execution 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . mirroring of the musical structure was kitschy nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . Mr. Reich has a piece 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . Mr. Stoltzman has elegant execution 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . Mr. Stoltzman 's execution is elegant nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . objects are repeating nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . objects are geometric nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . this tapestry is intricate nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . this tapestry is jazzy nan 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . Mr. Pearson has images 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . Mr. Pearson 's images are of geometric objects 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . this intricate , jazzy tapestry was illustrated with Mr. Pearson 's images 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . this intricate , jazzy tapestry was illustrated with images of geometric objects 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . images of geometric or repeating objects were a kitschy mirroring of the musical structure 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . mirroring of the musical structure was kitschy nan 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . charges were made to various departments 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . charges were made for computer time 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . Hunter had no valid billing address 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . a user was named `` Hunter '' 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . a user had no valid billing address 1 +He has n't been able to replace the M'Bow cabal . He has n't been able to replace the M'Bow cabal 1 +He has n't been able to replace the M'Bow cabal . M'Bow is a cabal 1 +Her recent report classifies the stock as a `` hold . '' Her recent report classifies the stock 1 +Her recent report classifies the stock as a `` hold . '' the stock is classified as a `` hold '' 1 +Her recent report classifies the stock as a `` hold . '' Her recent report classifies as a `` hold '' 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . price trends on the world 's major stock markets are Here 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . price trends are on the world 's major stock markets 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . major stock markets are in the world 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . the world has major stock markets 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . price trends on the world 's major stock markets are calculated by Morgan Stanley Capital International Perspective 1 +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . Morgan Stanley Capital International Perspective is in Geneva 1 +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . StatesWest is n't abandoning its pursuit of the much - larger Mesa 1 +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . StatesWest is in pursuit of the much - larger Mesa 1 +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . Mesa is much larger nan 1 +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . a national referendum on an election to fill the new post of president 1 +I was pleased to note that your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century . your item recognized the money - fund concept as one of the significant events 1 +If there 's something ' weird and it do n't look good . it do n't look good 1 +If there 's something ' weird and it do n't look good . there 's something weird 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos fled the Philippines 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos fled for Hawaii 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos , the ousted president of the Philippines fled for Hawaii 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband fled the Philippines 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband fled for Hawaii 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with racketeering 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with conspiracy 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with obstruction of justice 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with mail fraud 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos , the ousted president of the Philippines was charged with racketeering 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos , the ousted president of the Philippines was charged with conspiracy 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos , the ousted president of the Philippines was charged with obstruction of justice 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos , the ousted president of the Philippines was charged with mail fraud 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos is the ousted president of the Philippines nan 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos , the ousted president of the Philippines is her late husband nan 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines allegedly embezzled from their homeland 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos allegedly embezzled more than $ 100 million nan 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . her late husband , Ferdinand Marcos , the ousted president of the Philippines allegedly embezzled more than $ 100 million nan 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with racketeering 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with conspiracy 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos , president of the Philippines was ousted nan 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with obstruction of justice 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos was charged with mail fraud 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos , the ousted president of the Philippines is late husband of Mrs. Marcos 1 +In Japan , those functions account for only about a third of the software market . account for those functions only about a third of the software market 1 +In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention . debt offering expected by International Business Machines Corp. 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose from $ 283.9 million 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose from $ 3.53 a share 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose by 10 % 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose 10 % to $ 313.2 million 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose 10 % to $ 3.89 a share 1 +Indeed , the insurance adjusters had already bolted out of the courtroom . the insurance adjusters had bolted out of the courtroom 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . Industrial Bank of Japan claims to be the biggest Japanese buyer of U.S. mortgage securities 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . Industrial Bank of Japan will more than double its purchases this year 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . one official puts amount at several billion dollars 1 +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . It came in London 's `` Big Bang '' deregulation 1 +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . It came in Toronto 's `` Little Bang '' deregulation 1 +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . It rose by 4.8 % 1 +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . It rose by 4.7 % 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . It surged 2 3\/4 to 6 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . It surged to 6 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . It surged on volume of more than 1.7 million shares 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . the company agreed to be acquired by Japan 's Chugai Pharmaceutical 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . the company agreed to be acquired for about $ 110 million 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . $ 110 million is almost double the market price of Gen - Probe 's stock 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . Chugai Pharmaceutical is in Japan 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . Gen - Probe has stock nan 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . Gen - Probe stock has market price nan 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . It was the most active of the 100 - share index 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . It was the most active at 8.3 million shares 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . 6.5 million of 8.3 million shares were traded by midday 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . index is 100 - share nan 1 +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . fewer than 3 % of Jaguar 's shares are owned by employees and management 1 +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . Jaguar has defenses against a hostile bid 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . Japanese office workers use PCs at half the rate of their European counterparts 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . Japanese office workers use PCs at one - third the rate of the Americans 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . counterparts are European nan 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are Japanese nan 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are European nan 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are Americans nan 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are in Japan 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are in Europe 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . office workers are in America 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . European office workers use PCs 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . American office workers use PCs 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Ernesto Ruffo is conservative leader 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Ernesto Ruffo is conservative nan 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Ernesto Ruffo is a leader nan 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . conservative leader Ernesto Ruffo takes office Nov. 1 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . conservative leader Ernesto Ruffo takes office as the first opposition governor in Mexico 's modern history 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . conservative leader Ernesto Ruffo takes office in Mexico 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Mexico has modern history nan 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing at a far more rapid pace 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing in the health care industry 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing in other industries 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing in the health care industry 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing in other industries 1 +Meanwhile , at home , Mitsubishi has control of some major projects . Mitsubishi has control of some major projects 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . Medical cooperatives are banned from treating cancer patients 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . Medical cooperatives are banned from treating pregnant women 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . Medical cooperatives are banned from treating pregnant women 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . Medical cooperatives are among the most successful 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia has interests in telecommunications 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia has interests in robotic painting 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia has interests in computer software 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia has interests in restaurants 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia has interests in entertainment 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia is headed by John W. Kluge 1 +Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields . jumbo CDs have denominations over $ 90,000 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . Mr. Guber almost certainly would n't be able to participate in future sequels to `` Batman '' 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . Mr. Peters almost certainly would n't be able to participate in future sequels to `` Batman '' 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . `` Batman '' is a blockbuster hit nan 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . `` Batman '' was produced for Warner 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . they produced `` Batman '' 1 +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . the Big Board has factions 1 +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . Mr. Phelan normally appears to be solidly in control of the Big Board 's factions 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . Mr. Ridley has decision 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . contest perhaps will be costly 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . a costly contest is between the world 's auto giants 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . the world has auto giants nan 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . auto giants are in the world 1 +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . precocious students have fun breaking into computers 1 +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . Pinkerton 's loss of nearly $ 8 million was under American Brands 1 +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . Pinkerton 's had a loss of nearly $ 8 million under American Brands 1 +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . Mr. Zayadi was previously president and chief operating officer of Zellers Inc. 1 +Mrs. Marcos 's trial is expected to begin in March . Mrs. Marcos is expected to begin a trial 1 +Now that the New York decision has been left intact , other states may follow suit . the New York decision has been left intact Now 1 +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' 1 +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' Mrs. Stinnett has dog 1 +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' Cuddles is Mrs. Stinnett 's dog 1 +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' vacuum cleaner is self - starting nan 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . lawsuits are product - related nan 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . scale is broader nan 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . other states have courts nan 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . the New York court has logic nan 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . other states ' courts could adopt the logic in DES cases 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . other states ' courts could adopt the logic in other product - related lawsuits 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . Mr. Baker goes ghost - busting On a recent afternoon 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . a reporter goes ghost - busting On a recent afternoon 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . Mr. Baker visits Kathleen Stinnett 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . a reporter visits Kathleen Stinnett 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . Kathleen Stinnett has phoned the University of Kentucky 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . Kathleen Stinnett has reported mysterious happenings in her house 1 +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' One had best not dance a coffin 1 +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' coffin has lid nan 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories are in Japan 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories are in Korea 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories employ his followers at subsistence wages 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories produce rifles 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . marble vases are expensive 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . expensive vases are marble 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories produce ginseng 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . his factories produce expensive marble vases 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . money flows westward 1 +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . one is ascending in a picnic basket 1 +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . one is descending a tad trop rapidement 1 +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . one feels airborne 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . Osamu Nagayama is deputy president of Chugai 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . has Chugai deputy president 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . Pennzoil 's poison pill covers five years 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . manner is prudent 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . management is current 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . pill is poison nan 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . Pennzoil has poison pill 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Lee Kuan Yew is Prime Minister 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Lee Kuan Yew is Singapore 's leader 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Lee Kuan Yew was one of the leading statesmen 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Lee Kuan Yew was one of Asia 's leading statesmen for 30 years 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Singapore has leader 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Asia has leading statesmen 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Singapore has Prime Minister 1 +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . Lee Kuan Yew has influence 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. introduced refillable versions of four products 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. introduced refillable versions of Tide 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. introduced refillable versions of Mr. Clean 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. does n't plan to bring to them 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. does n't plan to bring to refillable versions of Mr. Clean 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. does n't plan to bring to refillable versions of four products 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. does n't plan to bring to refillable versions of Tide 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . four products have refillable versions 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Tide has refillable version 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Mr. Clean has refillable version 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Tide is product of Procter & Gamble Co. 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Mr. Clean is product of Procter & Gamble Co. 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Tide does n't have refillable version 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Mr. Clean does n't have refillable version 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . four products does n't have refillable versions 1 +RISC technology speeds up a computer by simplifying the internal software . RISC technology speeds up a computer 1 +RISC technology speeds up a computer by simplifying the internal software . RISC technology simplifies the internal software 1 +RISC technology speeds up a computer by simplifying the internal software . has computer internal software 1 +RISC technology speeds up a computer by simplifying the internal software . RISC technology speeds by simplifying the internal software 1 +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . Lancet is British medical journal 1 +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . Lancet is medical journal 1 +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . RU-486 can cause birth defects 1 +Repeat customers also can purchase luxury items at reduced prices . luxury items are at reduced prices 1 +Roger M. Marino , president , was named to the new post of vice chairman . Roger M. Marino was named to the new post of vice chairman 1 +Roger M. Marino , president , was named to the new post of vice chairman . Roger M. Marino is president 1 +Roger M. Marino , president , was named to the new post of vice chairman . the post of vice chairman is new nan 1 +Roger M. Marino , president , was named to the new post of vice chairman . Roger M. Marino is vice chairman 1 +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . Ryukichi Imai is ambassador Japan 1 +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . Ryukichi Imai is Japan 's ambassador to Mexico 1 +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . Ryukichi Imai is Japan 's ambassador to Mexico 1 +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . the dollar is showing persistent strength 1 +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . a slowdown in the U.S. economy is shown by economic indicators 1 +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . a slowdown is in the economy 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . Robert Byrd is Senate Appropriations Committee Chairman 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . Robert Byrd is D. W.Va W.Va 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . the House sought deeper cuts 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . Senate Appropriations Committee has Chairman nan 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . Appropriations Committee is in Senate 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Shaw Industries agreed to acquire Armstrong World Industries ' carpet operations 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Shaw Industries agreed to acquire for an undisclosed price Armstrong World Industries ' carpet operations 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Shaw Industries rose 2 1\/4 nan 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Shaw Industries rose to 26 1\/8 nan 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Armstrong World Industries has carpet operations 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . price of Armstrong World Industries ' carpet operations is undisclosed 1 +Sidley will maintain its association with the Hashidate Law Office in Tokyo . Sidley will maintain its association with the Hashidate Law Office in Tokyo 1 +Sidley will maintain its association with the Hashidate Law Office in Tokyo . Hashidate Law Office is in Tokyo 1 +Sidley will maintain its association with the Hashidate Law Office in Tokyo . Sidley has association with Hashidate Law Office in Tokyo 1 +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . stroke patients ' brains regroup nan 1 +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . the real estate unit also includes debt 1 +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . the imputed value of the real estate itself is close to $ 3 billion 1 +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . the real estate itself has imputed value nan 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Judge O'Kicki was voted by the state 's 400 judges 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . O'Kicki is Judge 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Pennsylvania has Conference of State Trial Judges 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Conference of State Trial Judges is in Pennsylvania 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Pennsylvania has 400 judges nan 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . 400 judges are in Pennsylvania 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . Soviets remain in charge of education programs 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a former head of an African military tribunal for executions is in charge of culture 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a hard - line Polish communist in exile directs the human - rights and peace division 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a hard - line Polish communist is in exile nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Standard & Poor 's 500 - Stock Index climbed 5.29 nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Standard & Poor 's 500 - Stock Index climbed to 340.36 nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to the Dow Jones Equity Market Index added 4.70 nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to the Dow Jones Equity Market Index added to 318.79 nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to the New York Stock Exchange Composite Index climbed 2.65 nan 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Standard & Poor has 500 - Stock Index 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Dow Jones has Equity Market Index 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to New York Stock Exchange has Composite Index 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Stock Exchange is in New York 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Strong sales so far are certain to turn the tide 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Nissan expects 25 % market share 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Nissan had position at the beginning of the decade 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . THE CHIEF NURSING officer can be responsible for more than 1,000 employees 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . THE CHIEF NURSING officer can be responsible for at least one - third of a hospital 's budget 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a hospital has a budget 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a head nurse typically oversees up to 80 employees 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a head nurse typically oversees up to $ 8 million 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . industrial companies can continue bidding for one another 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . financial buyers will be at a disadvantage in obtaining financing 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . leveraged buy - out firms are financial buyers nan 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . the junk - bond market is in disarray nan 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . Georgia - Pacific has a bid nan 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . companies are industrial nan 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . leveraged buy - out firms will be at a disadvantage in obtaining financing 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . Technology stocks bore the brunt of the OTC market 's recent sell - off 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . the market has turned around now 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . the OTC market had a sell - off recent 1 +That compares with 3.5 % butterfat for whole milk . That compares with 3.5 % butterfat for whole milk 1 +That compares with 3.5 % butterfat for whole milk . whole milk has 3.5 % butterfat nan 1 +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . a price will float four percentage points above the three - month LIBOR 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . The 41 - year - old Mr. Azoff is a former rock 'n' roll manager nan 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . Mr. Azoff is the a 41 - year - old nan 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . MCA 's music division was moribund once 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . The 41 - year - old Mr. Azoff had six years at the company 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . MCA 's once - moribund music division was turned around at the company 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Steel has a lawsuit nan 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . $ 4.5 million Lone Star Steel pension payment was due in September 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . $ 4.5 million Lone Star Steel pension payment was n't paid in September 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Technologies is parent company nan 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Technologies is parent of Lone Star Steel 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Steel is subsidiary of Lone Star Technologies 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . mandatory preflight checks would have detected the error 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . preflight checks are mandatory nan 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . plane has wing flaps nan 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . plane has slats nan 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots failed to set the plane 's slats properly for takeoff 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots failed to make mandatory preflight checks 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . mandatory checks are preflight nan 1 +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . The New Orleans oil and gas exploration and diving operations company does n't expect any further adverse financial impact from the restructuring 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . The Second Section index fell 36.87 points 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . The Second Section index was down 21.44 points 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . The Second Section index was down 0.59 % 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . The Second Section index closed at 3636.06 1 +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . light tanks are as light as 10 tons 1 +The U.S. market , too , is dominated by a giant , International Business Machines Corp . The U.S. market is dominated by a giant , International Business Machines Corp 1 +The U.S. market , too , is dominated by a giant , International Business Machines Corp . The market is dominated by a giant , International Business Machines Corp 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . The basket product has got off to a slow start 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . The basket product is being supported by some big brokerage firms 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . Mr. Phelan 's constituency is splintered nan 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . Mr. Phelan has splintered constituency 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign does n't mention cigarettes 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign does n't mention smoking 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . cigarette ads have been prohibited on television 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . a celebration of the 200th anniversary of the Bill of Rights is patriotic nan 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign is a patriotic celebration of the 200th anniversary of the Bill of Rights 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . the Landmark Tower is The centerpiece of that complex 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . the Landmark Tower will be Japan's tallest building 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . he centerpiece of that complex will be Japan's tallest building 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . that complex has a centerpiece nan 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . the Landmark Tower will be completed in 1993 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . Japan 's tallest building will be completed in 1993 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . The centerpiece of that complex will be completed in 1993 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . charges of consumer fraud for sale of phony infant apple juice were federal nan 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . phony infant apple juice was for sale between 1978 and 1983 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . infant apple juice was phony nan 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . apple juice is for infants nan 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . The discount rate on three - month Treasury bills rose slightly from the average rate 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . The discount rate on three - month Treasury bills rose slightly to 7.79 % 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . The discount rate on three - month Treasury bills rose slightly for a bond - equivalent yield of 8.04 % 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . auction was on Monday 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . three - month Treasury bills have discount rate nan 1 +The dollar drew strength from the stock market 's climb . The dollar drew strength from the stock market 's climb 1 +The dollar drew strength from the stock market 's climb . the stock market had a climb nan 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . lawsuits might have been barred nan 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . the extension is one - year 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . lawsuits were filed too late nan 1 +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . The executives had profited handsomely by building American National Can Co. 1 +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . American National Can Co. is Triangle 's chief asset nan 1 +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . American National Can Co. is chief asset of Triangle 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . The field took off in 1985 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . scientists are at Britain 's Sheffield University 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . Sheffield University is in Britain 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . scientists developed a handy , compact magnet for brain stimulation 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . a magnet for brain stimulation is compact nan 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . a magnet for brain stimulation is handy nan 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . a handy , compact magnet is for brain stimulation 1 +The fitness craze itself has gone soft , the survey found . The craze is of fitness nan 1 +The forest - products concern currently has about 38 million shares outstanding . The forest - products concern has about 38 million shares outstanding 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . Mrs. Thatcher has a cabinet nan 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government was buffeted by high interest rates already 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government was buffeted by a slowing economy already 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . the shake - up was in Mrs. Thatcher 's cabinet 1 +The issue is backed by a 12 % letter of credit from Credit Suisse . The issue is backed by a 12 % letter of credit from Credit Suisse 1 +The issue is backed by a 12 % letter of credit from Credit Suisse . a 12 % letter of credit is from Credit Suisse 1 +The issue is backed by a 12 % letter of credit from Credit Suisse . a letter of credit is 12 % nan 1 +The issue is backed by a 12 % letter of credit from Credit Suisse . a letter is of credit nan 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . IBM tapped the corporate debt market 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . the corporate debt market offered $ 500 million of debt securities 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . debt securities was $ 500 million nan 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may be able to advise on international law and general matters foreign and multinational clients 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may be able to advise on international law and general matters foreign clients 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may be able to advise on international law and general matters multinational clients 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may be able to advise on international law and general matters foreign clients 1 +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . operative definition of newsworthiness will favor virtually unrestrained use of personal sensitive and intimate facts 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . stockpiles were depleted by the 1988 drought 1 +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . The share price was languishing at about 400 pence 1 +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . Ford announced its interest in a minority stake 1 +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . Ford had an interest in a minority stake 1 +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case 1 +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . Mr. Hunt the one - time tycoon had a bankruptcy case 1 +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . The tax has raised less than one billion marks ( $ 545.3 million ) annually 1 +The three existing plants and their land will be sold . The three existing plants will be sold nan 1 +The three existing plants and their land will be sold . their land will be sold nan 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected to discuss human - rights issues 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected to discuss regional disputes 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected to discuss economic cooperation 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . disputes are regional 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . changes are sweeping 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . the bloc is in East 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two are leaders 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . certain business ventures involve cable rights to Columbia 's movies 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . Columbia has movies 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . The two are sides 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted spirits 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted poltergeists 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted spooks 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . hundreds of houses are around the country 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . spirits , poltergeists and other spooks were in hundreds of houses around the country 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . hundreds are houses around the country 1 +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' This involves trade - offs 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . the U.N. group managed to traduce its own charter of promoting culture 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . its own charter is promoting education 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . its own charter is promoting science 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . its own charter is promoting culture 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . This provision met early resistance from investment bankers worried about disruptions in their clients ' portfolios 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . This provision met strong resistance from investment bankers worried about disruptions in their clients ' portfolios 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . their clients have portfolios nan 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . investment bankers are worried nan 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . disruptions are in their clients ' portfolios 1 +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . a 10 - point policy is patterned on the federal bill of rights for taxpayers 1 +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . the federal bill of rights is for taxpayers 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . Mr. Packer has sold his stake 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . shareholders are institutional nan 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . Mr. Packer had stake nan 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . Courtaulds has institutional shareholders nan 1 +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . so many candidates are running nan 1 +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . one candidate would have to win 50 % of the vote To avoid a runoff 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Trifari is a unit of Crystal Brands Inc. 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Monet is a unit of Crystal Brands Inc. 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Swank Inc. is maker of Anne Klein jewelry 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Crystal Brands Inc. 's Trifari unit is a jewelry maker nan 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Swank Inc. is a jewelry maker nan 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers are such as Crystal Brands Inc. 's Trifari unit 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . Crystal Brands Inc. 's Monet unit is a jewelry maker nan 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers are such as Crystal Brands Inc. 's Monet unit 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers are such as Swank Inc. 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers are launching new lines 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . new lines are launching with as much fanfare as the fragrance companies 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers are launching new lines with as much fanfare as the fragrance companies To increase their share of that business 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . fragrance companies are launching new lines with much fanfare 1 +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . no government entities are pursuing UV - B measurements 1 +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . government entities include the EPA nan 1 +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . To my knowledge no government entities , including the EPA , are pursuing UV - B measurements nan 1 +Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago . Tom Panelli bought the $ 300 rowing machine 1 +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . U.S. makers have under 10 % share nan 1 +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . U.S. makers have 80 % share 1 +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . U.S. makers have half the market 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. agreed to sell its headquarters building here 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. agreed to sell to Manufacturers Life Insurance Co. of Toronto 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. will move to a new quarters 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . facility has 19 - stories nan 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . its headquarters building has 19 - stories here 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. has headquarters building here 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . a merger agreement was reached Sept. 14 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the UAL board agreed to reimburse certain of the buy - out group 's expenses 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the UAL board agreed to reimburse out of company funds 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the UAL board reached a merger agreement nan 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the buy - out group has expenses nan 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . company has funds nan 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . UAL has funds nan 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . UAL has a board nan 1 +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . potential investors will submit sealed bids 1 +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . the bids will be allocated based on these discount offers 1 +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . potential investors are willing to purchase debt 1 +Vernon E. Jordan was elected to the board of this transportation services concern . Vernon E. Jordan was elected to the board of this transportation services concern 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. is being acquired by Time Warner 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. has filed a $ 1 billion breach - of - contract suit 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. has filed suit against Sony 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. has filed suit against the two producers 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner has a five - year exclusive contract with Mr. Guber 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner has a five - year exclusive contract with Mr. Peters 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . a five - year exclusive contract requires Mr. Guber to make movies exclusively at the Warner Bros. studio 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . a five - year exclusive contract requires Mr. Peters to make movies exclusively at the Warner Bros. studio 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner Bros. has studio nan 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner has a five - year exclusive contract 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . exclusive contract is five - year nan 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . the campaign was idea of Mr. Gibbons 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . Mr. Gibbons wo n't be paying for the campaign 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . The donations will come out of the chain 's national advertising fund 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . the chain has national advertising fund 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . the chain 's national advertising fund is financed by the franchisees 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Honda Motor Co. are running so - called transplant auto operations 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Toyota Motor Corp. are running so - called transplant auto operations 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Nissan Motor Co. are running so - called transplant auto operations 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . Japanese auto production will reach one million vehicles 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' more than 15 million exercise bikes were sold in the past five years 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' a lot of garages must be populated with exercise bikes 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' a lot of basements must be populated with exercise bikes 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' a lot of attics must be populated with exercise bikes 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Olympia & York are real estate experts nan 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Samuel Zell has Itel nan 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Olympia & York own Santa Fe stock 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Itel owns Santa Fe stock 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Olympia & York and Itel own close to 40 % of Santa Fe 's stock 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' Wall Street has a favored phrase 1 +Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive . viewers pledged over $ 400,000 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . Los Bronces belongs to the Exxon - owned Minera Disputado group 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . El Soldado belongs to the Exxon - owned Minera Disputado group 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . a two - year labor pact ends today 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . Los Bronces is a mine 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . El Soldado is a mine 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' he collaborated with Peter Serkin 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' he collaborated with Fred Sherry 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' he collaborated with the new music gurus 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Peter Serkin was a new music guru 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Fred Sherry was a new music guru 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Tashi was a very countercultural chamber group 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' the very countercultural chamber group Tashi won audiences over to dreaded contemporary scores 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' the very countercultural chamber group Tashi won audiences over to Messiaen 's `` Quartet for the End of Time '' 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Messiaen 's `` Quartet for the End of Time '' is a dreaded contemporary score 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Messiaen has `` Quartet for the End of Time '' 1 +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . Mr. Matthews quipped `` I think he 'll be very good at that { new job } 1 +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . Mr. Matthews is a consultant with the Stamford , Conn. , firm Matthews & Johnston 1 +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . Matthews & Johnston is a firm 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . the last Politburo reshuffle was on Sept. 30 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . the Soviet leader has a steady accumulation of personal power 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Soviet leader particularly has a steady accumulation of personal power 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Mr. Gorbachev does not look likely to reverse the powers of perestroika 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . the leader is of the Soviet 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Mr. Gorbachev is the Soviet leader 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Mr. Gorbachev is the leader of 1 +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . HealthVest has paid two of the three banks 1 +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . HealthVest is in negotiations 1 +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . the U.S. government paid premiums 1 +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . the U.S. government purchased copper for the U.S. Mint 1 +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . Mr. Azoff wo n't produce films 1 +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . he could do so 1 +Among other things , they said , Mr. Azoff would develop musical acts for a new record label . Mr. Azoff would develop musical acts for a new record label among other things 1 +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . the Marcos documents were sought by the prosecutors 1 +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . it completed the sale of Uniroyal Chemical Holding Co. 1 +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . Uniroyal Chemical Co. is the unit 's main business 1 +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . he would n't identify big institutional investors 1 +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . is nan Fraser & Neave Ltd. 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand has been fueling sustained economic expansion 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand helped push up sales of products like ships 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand helped push up sales of products like steel structures 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand helped push up sales of products like power systems 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand helped push up sales of products like machinery 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand resulted in sharply higher profit 1 +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' the filings were required under the proposed rules 1 +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' the filings will be at least as effective for investors following transactions 1 +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . the market remains dull Despite the modest gains 1 +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . investors remain cautiously on the sidelines 1 +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . it agreed to buy 229 Foxmoor women 's apparel stores 1 +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . Foxmoor Specialty Stores Corp. is a unit of Dylex Ltd. of Toronto 1 +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' Jeffrey Kaufman is an attorney for Fireman 's Fund 1 +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . it is recalling about 3,600 of its 1990 - model Escorts 1 +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . the windshield adhesive was improperly applied to some cars 1 +He said he expects the company to have $ 500 million in sales for this year . he expects the company to have $ 500 million in sales for this year 1 +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . a Canadian Embassy official is in Tel Aviv 1 +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . Israel has n't signed the Nuclear Non - Proliferation Treaty 1 +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . they were considering the new reporting requirements 1 +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . CS First Boston has consistently been one of the most aggressive firms in merchant banking 1 +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . a very significant portion of the firm 's profit has come from merchant banking - related business 1 +Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy . the causes of excess market volatility are far more complex than any particular computer trading strategy 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . Milk was sold to the nation 's dairy plants 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . Milk was sold to dealers 1 +Nixon , on the fourth day of a private visit to China , said that damage to Sino - U.S. relations was `` very great , '' calling the situation `` the most serious '' since 1972 . Nixon said that damage to Sino - U.S. relations was `` very great , '' 1 +Panhandle Eastern Corp. said it applied , on behalf of two of its subsidiaries , to the Federal Energy Regulatory Commission for permission to build a 352 - mile , $ 273 million pipeline system from Pittsburg County , Okla. , to Independence , Miss . it applied on behalf of two of its subsidiaries 1 +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . Richard Newsom is a California state official 1 +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . American Continental Corp. is Lincoln 's parent 1 +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . Richard Newsom examined Lincoln 's parent 1 +Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 . it expects its U.S. sales 1 +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . the bank has examined its methodologies 1 +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . the bank has examined internal controls 1 +The company said the fastener business `` has been under severe cost pressures for some time . '' the fastener business has been under severe cost pressures for some time 1 +The market 's tempo was helped by the dollar 's resiliency , he said . The market 's tempo was helped by the dollar 's resiliency 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 27.6 % 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 25.7 % 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 22.8 % 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 18.8 % 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 18 % 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 16.3 % 1 +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . Sen. Edward Kennedy ( D. , Mass . ) says `` Business across the country is spending more time addressing this issue , '' 1 +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . Stephen Reitman is a European auto industry analyst at UBS - Phillips & Drew 1 +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . Ken Allen says `` I do n't foresee any shortages over the next few months '' 1 +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . Ken Allen is an official of Operating Engineers Local 3 1 +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . I do n't foresee any shortages over the next few months 1 +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . he says `` I wo n't be throwing 90 mph , but I will throw 80 - plus '' 1 +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . I wo n't be throwing 90 mph 1 +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . I will throw 80 - plus 1 +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . the RTC may have to slow { S&L sales } 1 +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . It is a super - exciting set of discoveries 1 +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . Bert Vogelstein is a Johns Hopkins University researcher 1 +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . Bert Vogelstein has just found a gene pivotal to the triggering of colon cancer 1 +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . Dave Vellante said `` It 's a wait - and - see attitude '' 1 +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . Dave Vellante is the vice president of storage research for International Data Corp . 1 +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . Albert Lerman says `` It 's really bizarre '' 1 +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . It is really bizarre 1 +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . Albert Lerman is the creative director at the Wells Rich Greene ad agency 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Guy L. Smith says `` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Guy L. Smith is Philip Morris 's vice president of corporate affairs 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . an official close to the case says `` Nobody told us ; nobody called us '' 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . Nobody told us 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . Nobody called us 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . an official close to the case asked not to be named nan 1 +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . Don Sider says `` Nothing can be better than this '' 1 +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . Nothing can be better than this 1 +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . Don Sider is the owner of the West Palm Beach Tropics 1 +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' everyone had pushed back program trading and wide stock market swings in their consciousness 1 +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . Frank Moore said `` The only people who are flying are those who have to '' 1 +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . Frank Moore is chairman of the Australian Tourist Industry Association 1 +`` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible , '' said Rep. Fortney Stark ( D. , Calif. ) , who has introduced a bill to limit the RTC 's authority to issue debt . Rep. Fortney Stark ( D. , Calif. ) said `` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible '' 1 +`` We were oversold and today we bounced back . We were oversold nan 1 +`` We were oversold and today we bounced back . we bounced back T: today 1 +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . A casting director at the time told Scott 1 +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . he was casting for the `` G.I. Joe '' cartoon 1 +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . Hofmann was a teenage coin collector 1 +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . he forged a rare mint mark on a dime 1 +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . he was told by an organization of coin collectors 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . Condon saw Hauptmann 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . Condon told FBI Special Agent Turrou 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . Turrou is FBI Special Agent 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . he passed the ransom money 1 +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . He sold them well below market value 1 +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . He incurred credit - card debts 1 diff --git a/data/evaluation_data/carb/data/test.txt b/data/evaluation_data/carb/data/test.txt new file mode 100644 index 0000000000000000000000000000000000000000..1636adcd663035f7617da54e70c145bd554ec554 --- /dev/null +++ b/data/evaluation_data/carb/data/test.txt @@ -0,0 +1,577 @@ +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . +A CEN forms an important but small part of a Local Strategic Partnership . +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . +A short distance to the east , NC 111 diverges on Greenwood Boulevard . +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . +According to the 2010 census , the population of the town is 2,310 . +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . +As a result , the lower river had to be dredged three times in two years . +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . +As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration . +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . +Cis-regulatory elements are sequences that control the transcription of a nearby gene . +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . +During the morning and evening rush hours some services run direct to/from Paddington and Reading . +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . +Each of the Matoran brought their Toa stone and met each other at the Great Temple . +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . +Having been directed to found a monastery of his order in the United States in 1873 , Fr . +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . +He had spent 11 years in jail despite having been acquitted twice . +He is idolized , receiving the name of `` God '' . +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . +He represented the riding of Nickel Belt in the Sudbury , Ontario area . +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . +Her image held aloft signifies the Earth , which `` hangs in the air '' . +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . +If given this data , the Germans would be able to adjust their aim and correct any shortfall . +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . +In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II . +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . +In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City . +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . +In Canada , there are two organizations that regulate university and collegiate athletics . +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . +In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World . +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . +In both cases this specialized function replaces the basic rifleman position in the fireteam . +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . +In more recent years , this policy has apparently relaxed somewhat . +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . +In the 1960s and 70s most of Kabul 's economy depended on tourism . +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . +In those years , he began to collaborate with some newspapers . +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . +Initially his chances of surviving were thought to be no better than 50-50 . +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . +It is not really passable , and must be done on foot if attempted . +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . +JAL introduced jet service on the Fukuoka-Tokyo route in 1961 . +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . +Keibler then asked for time off to appear on `` Dancing with the Stars '' . +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . +Males had a median income of $ 28,750 versus $ 16,250 for females . +Males had a median income of $ 36,016 versus $ 32,679 for females . +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . +Meanwhile , the Mason City Division continued to operate as usual . +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . +Modernity has been blended without sacrificing on the traditional Buddhist ethos . +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . +No announcement from UTV was made about the decision to close the station earlier than planned . +Noatak has a gravel public airstrip and is primarily reached by air . +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . +On November 2 , 2005 , Brown ended his contract early and left the federal government . +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . +Parental investment is any expenditure of resources to benefit one offspring . +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . +Returning home , Ballard delivers her report , which her superiors refuse to believe . +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . +She died in October 1915 of a heart attack . +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . +Shea was born on September 5 , 1900 in San Francisco , California . +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . +Team Racing is a NASCAR Craftsman Truck Series team . +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . +The Acrolepiidae family of moths are also known as False Diamondback moths . +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . +The PAC bulletins were widely distributed at these meetings . +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . +The Triple-A Baseball National Championship Game was established in 2006 . +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . +The album , produced by Roy Thomas Baker , was promoted with American and European tours . +The canal was dammed off from the river for most of the construction period . +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . +The community is served by the United States Postal Service Hinsdale Post Office . +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . +The economy of Ostrov is based on food , electronic , and textile industries . +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . +The founder had pledged himself to honour the Blessed Virgin in a special manner . +The fundraiser was successful , and the trip occurred from June through September of 2014 . +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . +The opening credits sequence for the collection was directed by Hanada Daizaburo . +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . +The race is in mixed eights , and usually held in late February / early March . +The rapids at the head of the South Fork were removed in 1908 . +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . +The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State . +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . +The very large piers at the crossing signify that there was once a tower . +The video was the first ever to feature the use of dialogue . +Their mission was always for a specific mandate and lasted for a limited period . +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . +There have been two crashes involving fatalities at the airfield since it was established . +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . +These and other attempts supplied a bridge between the literature of the two languages . +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . +These beams stem from a cosmic energy source called the `` Omega Effect '' . +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . +They usually go through a period of dormancy after flowering . +This attire has also become popular with women of other communities . +This engine was equipped with an electronically controlled carburetor . +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . +This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers . +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . +To the north , along and across the same border , live speakers of Lakha . +Total ` Fresh Food Story ' constructed at the end of the North Mall . +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . +Under the Comanche program , each company built different parts of the aircraft . +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . +Unruly passengers are often put off here to be taken into custody . +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . +Watson has served as Minority Leader since elected by his caucus in November 1998 . +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . +When Naguib began showing signs of independence from Nasser by distancing himself from the RCC 's land reform decrees and drawing closer to Egypt 's established political forces , namely the Wafd and the Brotherhood , Nasser resolved to depose him . +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . +Why the `` Epilogue '' is missing is unknown . +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . +With no assigned task , the Cosmos expressed concern for what Battra might do . +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . +`` It started from modest beginnings and became a gigantic charity '' . +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . +`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg '' +`` The Cure '' topped the online music sales charts . +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . +And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever . +And he got rid of low - margin businesses that just were n't making money for the company . +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : +As of Sept. 30 , American Brands had 95.2 million shares outstanding . +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . +Both reflect the dismissal of lower - level and shorter - tenure executives . +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . +But amid the two dozen bureaucrats and secretaries sits only one real - life PC . +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . +But it appears to be the sort of hold one makes while heading for the door . +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . +But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight . +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . +Each company 's share of liability would be based on their share of the national DES market . +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . +Feeling the naggings of a culture imperative , I promptly signed up . +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . +He has n't been able to replace the M'Bow cabal . +Her recent report classifies the stock as a `` hold . '' +Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva . +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . +I was pleased to note that your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century . +If there 's something ' weird and it do n't look good . +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . +In Japan , those functions account for only about a third of the software market . +In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention . +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . +Indeed , the insurance adjusters had already bolted out of the courtroom . +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . +Meanwhile , at home , Mitsubishi has control of some major projects . +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . +Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields . +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . +Mrs. Marcos 's trial is expected to begin in March . +Now that the New York decision has been left intact , other states may follow suit . +Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . '' +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . +Prime Minister Lee Kuan Yew , Singapore 's leader and one of Asia 's leading statesmen for 30 years , recently announced his intention to retire next year -- though not necessarily to end his influence . +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . +RISC technology speeds up a computer by simplifying the internal software . +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . +Repeat customers also can purchase luxury items at reduced prices . +Roger M. Marino , president , was named to the new post of vice chairman . +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . +Sidley will maintain its association with the Hashidate Law Office in Tokyo . +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . +That compares with 3.5 % butterfat for whole milk . +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . +The U.S. market , too , is dominated by a giant , International Business Machines Corp . +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . +The dollar drew strength from the stock market 's climb . +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . +The fitness craze itself has gone soft , the survey found . +The forest - products concern currently has about 38 million shares outstanding . +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . +The issue is backed by a 12 % letter of credit from Credit Suisse . +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . +The office may also be able to advise foreign and multinational clients on international law and general matters . +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . +The three existing plants and their land will be sold . +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . +Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago . +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . +Vernon E. Jordan was elected to the board of this transportation services concern . +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' +Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive . +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . +Among other things , they said , Mr. Azoff would develop musical acts for a new record label . +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . +He said he expects the company to have $ 500 million in sales for this year . +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . +Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy . +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . +Nixon , on the fourth day of a private visit to China , said that damage to Sino - U.S. relations was `` very great , '' calling the situation `` the most serious '' since 1972 . +Panhandle Eastern Corp. said it applied , on behalf of two of its subsidiaries , to the Federal Energy Regulatory Commission for permission to build a 352 - mile , $ 273 million pipeline system from Pittsburg County , Okla. , to Independence , Miss . +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . +Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 . +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . +The company said the fastener business `` has been under severe cost pressures for some time . '' +The market 's tempo was helped by the dollar 's resiliency , he said . +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . +`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp . +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . +`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics . +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' +`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association . +`` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible , '' said Rep. Fortney Stark ( D. , Calif. ) , who has introduced a bill to limit the RTC 's authority to issue debt . +`` We were oversold and today we bounced back . +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . \ No newline at end of file diff --git a/data/evaluation_data/carb/matcher.py b/data/evaluation_data/carb/matcher.py new file mode 100644 index 0000000000000000000000000000000000000000..6520c8cf18a3d3686c63f985c0ec474d46a5bd30 --- /dev/null +++ b/data/evaluation_data/carb/matcher.py @@ -0,0 +1,340 @@ +from __future__ import division +import string +from nltk.translate.bleu_score import sentence_bleu +from nltk.corpus import stopwords +from copy import copy +import ipdb + +class Matcher: + @staticmethod + def bowMatch(ref, ex, ignoreStopwords, ignoreCase): + """ + A binary function testing for exact lexical match (ignoring ordering) between reference + and predicted extraction + """ + s1 = ref.bow() + s2 = ex.bow() + if ignoreCase: + s1 = s1.lower() + s2 = s2.lower() + + s1Words = s1.split(' ') + s2Words = s2.split(' ') + + if ignoreStopwords: + s1Words = Matcher.removeStopwords(s1Words) + s2Words = Matcher.removeStopwords(s2Words) + + return sorted(s1Words) == sorted(s2Words) + + @staticmethod + def predMatch(ref, ex, ignoreStopwords, ignoreCase): + """ + Return whehter gold and predicted extractions agree on the predicate + """ + s1 = ref.elementToStr(ref.pred) + s2 = ex.elementToStr(ex.pred) + if ignoreCase: + s1 = s1.lower() + s2 = s2.lower() + + s1Words = s1.split(' ') + s2Words = s2.split(' ') + + if ignoreStopwords: + s1Words = Matcher.removeStopwords(s1Words) + s2Words = Matcher.removeStopwords(s2Words) + + return s1Words == s2Words + + + @staticmethod + def argMatch(ref, ex, ignoreStopwords, ignoreCase): + """ + Return whehter gold and predicted extractions agree on the arguments + """ + sRef = ' '.join([ref.elementToStr(elem) for elem in ref.args]) + sEx = ' '.join([ex.elementToStr(elem) for elem in ex.args]) + + count = 0 + + for w1 in sRef: + for w2 in sEx: + if w1 == w2: + count += 1 + + # We check how well does the extraction lexically cover the reference + # Note: this is somewhat lenient as it doesn't penalize the extraction for + # being too long + coverage = float(count) / len(sRef) + + + return coverage > Matcher.LEXICAL_THRESHOLD + + @staticmethod + def bleuMatch(ref, ex, ignoreStopwords, ignoreCase): + sRef = ref.bow() + sEx = ex.bow() + bleu = sentence_bleu(references = [sRef.split(' ')], hypothesis = sEx.split(' ')) + return bleu > Matcher.BLEU_THRESHOLD + + @staticmethod + def lexicalMatch(ref, ex, ignoreStopwords, ignoreCase): + sRef = ref.bow().split(' ') + sEx = ex.bow().split(' ') + count = 0 + #for w1 in sRef: + # if w1 in sEx: + # count += 1 + # sEx.remove(w1) + for w1 in sRef: + for w2 in sEx: + if w1 == w2: + count += 1 + + # We check how well does the extraction lexically cover the reference + # Note: this is somewhat lenient as it doesn't penalize the extraction for + # being too long + coverage = float(count) / len(sRef) + + return coverage > Matcher.LEXICAL_THRESHOLD + + @staticmethod + def tuple_match(ref, ex, ignoreStopwords, ignoreCase): + precision = [0, 0] # 0 out of 0 predicted words match + recall = [0, 0] # 0 out of 0 reference words match + # If, for each part, any word is the same as a reference word, then it's a match. + + predicted_words = ex.pred.split() + gold_words = ref.pred.split() + precision[1] += len(predicted_words) + recall[1] += len(gold_words) + + # matching_words = sum(1 for w in predicted_words if w in gold_words) + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + + if matching_words == 0: + return False # t <-> gt is not a match + precision[0] += matching_words + recall[0] += matching_words + + for i in range(len(ref.args)): + gold_words = ref.args[i].split() + recall[1] += len(gold_words) + if len(ex.args) <= i: + if i<2: + return False + else: + continue + predicted_words = ex.args[i].split() + precision[1] += len(predicted_words) + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + + if matching_words == 0 and i<2: + return False # t <-> gt is not a match + precision[0] += matching_words + # Currently this slightly penalises systems when the reference + # reformulates the sentence words, because the reformulation doesn't + # match the predicted word. It's a one-wrong-word penalty to precision, + # to all systems that correctly extracted the reformulated word. + recall[0] += matching_words + + prec = 1.0 * precision[0] / precision[1] + rec = 1.0 * recall[0] / recall[1] + return [prec, rec] + + # STRICTER LINIENT MATCH + def linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase): + precision = [0, 0] # 0 out of 0 predicted words match + recall = [0, 0] # 0 out of 0 reference words match + # If, for each part, any word is the same as a reference word, then it's a match. + + predicted_words = ex.pred.split() + gold_words = ref.pred.split() + precision[1] += len(predicted_words) + recall[1] += len(gold_words) + + # matching_words = sum(1 for w in predicted_words if w in gold_words) + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + + # matching 'be' with its different forms + forms_of_be = ["be","is","am","are","was","were","been","being"] + if "be" in predicted_words: + for form in forms_of_be: + if form in gold_words: + matching_words += 1 + predicted_words.remove("be") + break + + if matching_words == 0: + return [0,0] # t <-> gt is not a match + + precision[0] += matching_words + recall[0] += matching_words + + for i in range(len(ref.args)): + gold_words = ref.args[i].split() + recall[1] += len(gold_words) + if len(ex.args) <= i: + if i<2: + return [0,0] # changed + else: + continue + predicted_words = ex.args[i].split() + precision[1] += len(predicted_words) + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + + precision[0] += matching_words + # Currently this slightly penalises systems when the reference + # reformulates the sentence words, because the reformulation doesn't + # match the predicted word. It's a one-wrong-word penalty to precision, + # to all systems that correctly extracted the reformulated word. + recall[0] += matching_words + + if(precision[1] == 0): + prec = 0 + else: + prec = 1.0 * precision[0] / precision[1] + if(recall[1] == 0): + rec = 0 + else: + rec = 1.0 * recall[0] / recall[1] + return [prec, rec] + + + @staticmethod + def simple_tuple_match(ref, ex, ignoreStopwords, ignoreCase): + ref.args = [ref.args[0], ' '.join(ref.args[1:])] + ex.args = [ex.args[0], ' '.join(ex.args[1:])] + + precision = [0, 0] # 0 out of 0 predicted words match + recall = [0, 0] # 0 out of 0 reference words match + # If, for each part, any word is the same as a reference word, then it's a match. + + predicted_words = ex.pred.split() + gold_words = ref.pred.split() + precision[1] += len(predicted_words) + recall[1] += len(gold_words) + + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + + precision[0] += matching_words + recall[0] += matching_words + + for i in range(len(ref.args)): + gold_words = ref.args[i].split() + recall[1] += len(gold_words) + if len(ex.args) <= i: + break + predicted_words = ex.args[i].split() + precision[1] += len(predicted_words) + matching_words = 0 + for w in gold_words: + if w in predicted_words: + matching_words += 1 + predicted_words.remove(w) + precision[0] += matching_words + + # Currently this slightly penalises systems when the reference + # reformulates the sentence words, because the reformulation doesn't + # match the predicted word. It's a one-wrong-word penalty to precision, + # to all systems that correctly extracted the reformulated word. + recall[0] += matching_words + + prec = 1.0 * precision[0] / precision[1] + rec = 1.0 * recall[0] / recall[1] + return [prec, rec] + + # @staticmethod + # def binary_linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase): + # if len(ref.args)>=2: + # # r = ref.copy() + # r = copy(ref) + # r.args = [ref.args[0], ' '.join(ref.args[1:])] + # else: + # r = ref + # if len(ex.args)>=2: + # # e = ex.copy() + # e = copy(ex) + # e.args = [ex.args[0], ' '.join(ex.args[1:])] + # else: + # e = ex + # return Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase) + + @staticmethod + def binary_linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase): + if len(ref.args)>=2: + r = copy(ref) + r.args = [ref.args[0], ' '.join(ref.args[1:])] + else: + r = ref + if len(ex.args)>=2: + e = copy(ex) + e.args = [ex.args[0], ' '.join(ex.args[1:])] + else: + e = ex + stright_match = Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase) + + said_type_reln = ["said", "told", "added", "adds", "says", "adds"] + said_type_sentence = False + for said_verb in said_type_reln: + if said_verb in ref.pred: + said_type_sentence = True + break + if not said_type_sentence: + return stright_match + else: + if len(ex.args)>=2: + e = copy(ex) + e.args = [' '.join(ex.args[1:]), ex.args[0]] + else: + e = ex + reverse_match = Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase) + + return max(stright_match, reverse_match) + + @staticmethod + def binary_tuple_match(ref, ex, ignoreStopwords, ignoreCase): + if len(ref.args)>=2: + # r = ref.copy() + r = copy(ref) + r.args = [ref.args[0], ' '.join(ref.args[1:])] + else: + r = ref + if len(ex.args)>=2: + # e = ex.copy() + e = copy(ex) + e.args = [ex.args[0], ' '.join(ex.args[1:])] + else: + e = ex + return Matcher.tuple_match(r, e, ignoreStopwords, ignoreCase) + + @staticmethod + def removeStopwords(ls): + return [w for w in ls if w.lower() not in Matcher.stopwords] + + # CONSTANTS + BLEU_THRESHOLD = 0.4 + LEXICAL_THRESHOLD = 0.5 # Note: changing this value didn't change the ordering of the tested systems + stopwords = stopwords.words('english') + list(string.punctuation) + diff --git a/data/evaluation_data/carb/oie_readers/__init__.py b/data/evaluation_data/carb/oie_readers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/__init__.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/__init__.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..47261c404f666e766e1a045ec378b223a568fb8f Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/__init__.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/allennlpReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/allennlpReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0bc982e6bd803851dd7af449463282741e444b9a Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/allennlpReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/argument.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/argument.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6a66e47432c0d075b24aac309ad5b122c39fcd48 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/argument.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/benchmarkGoldReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/benchmarkGoldReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8ccec90fab0db51152222ad299f67c83a69e35a7 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/benchmarkGoldReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/clausieReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/clausieReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..140b01dbdc7bc680e4965bde7b92ddb97e4cb10e Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/clausieReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/extraction.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/extraction.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0f618bd4241209196786ae8966a4421478271097 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/extraction.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/goldReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/goldReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d7c415b9619008e18c0060efcd349f38e6d092af Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/goldReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/oieReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/oieReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4111fdeca773d6e9e247924033b6643c4368c697 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/oieReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/ollieReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/ollieReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..addd5efdfbc3918f740a382fd1dd88a3b238006f Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/ollieReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/openieFiveReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/openieFiveReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3ba5614177c2fd1c71fc40b6841437f7e27ea394 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/openieFiveReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/openieFourReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/openieFourReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c0194adb6c62f1bac9c8b95d6472d9f0daafa96b Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/openieFourReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/propsReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/propsReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d6469d0fc10f8fdd2f7aef55d56946ef584f1e8a Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/propsReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/reVerbReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/reVerbReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b25a714e4849893df11d19252388cf0820a0d890 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/reVerbReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/stanfordReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/stanfordReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0d7efc4ef0ef66a436ed9e11dc24f21596188917 Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/stanfordReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/__pycache__/tabReader.cpython-36.pyc b/data/evaluation_data/carb/oie_readers/__pycache__/tabReader.cpython-36.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5faa52165f6acb21992773ef84d307bb2df1facd Binary files /dev/null and b/data/evaluation_data/carb/oie_readers/__pycache__/tabReader.cpython-36.pyc differ diff --git a/data/evaluation_data/carb/oie_readers/allennlpReader.py b/data/evaluation_data/carb/oie_readers/allennlpReader.py new file mode 100644 index 0000000000000000000000000000000000000000..6fb9a72fb01bdf889d2529ecbbebd2212edc7d17 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/allennlpReader.py @@ -0,0 +1,86 @@ +from .oieReader import OieReader +from .extraction import Extraction +import math +import os +import ipdb + +class AllennlpReader(OieReader): + + def __init__(self, threshold=None): + self.name = 'Allennlp' + self.threshold = threshold + + def read(self, fn): + d = {} + # with open(fn) as fin: + if os.path.exists(fn): + # print("reading from file") + fin = open(fn) + else: + # print("reading from string") + fin = fn.strip().split('\n') + + for line in fin: + ''' + data = line.strip().split('\t') + confidence = data[0] + if not all(data[2:5]): + continue + arg1, rel = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:4]] + #args = data[4].strip().split(');') + #print arg2s + args = [s[s.index('(') + 1:s.index(',List(')] for s in data[4].strip().split(');')] + # if arg1 == "the younger La Flesche": + # print len(args) + text = data[5] + if data[1]: + #print arg1, rel + s = data[1] + if not (arg1 + ' ' + rel).startswith(s[s.index('(') + 1:s.index(',List(')]): + #print "##########Not adding context" + arg1 = s[s.index('(') + 1:s.index(',List(')] + ' ' + arg1 + #print arg1 + rel, ",,,,, ", s[s.index('(') + 1:s.index(',List(')] + ''' + # print(line) + line = line.strip().split('\t') + # print(line) + text = line[0] + try: + confidence = line[2] + except: + confidence = 0 + # raise Exception('Unable to find confidence in line: ',line) + line = line[1] + try: + arg1 = line[line.index('') + 6:line.index('')] + except: + arg1 = "" + try: + rel = line[line.index('') + 5:line.index('')] + except: + rel = "" + try: + arg2 = line[line.index('') + 6:line.index('')] + except: + arg2 = "" + + if(type(self.threshold) != type(None) and float(confidence) < self.threshold): + continue + + if not ( arg1 or arg2 or rel): + continue + #confidence = 1 + #print(arg1, rel, arg2, confidence) + # curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = -1/float(confidence)) + # curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = math.exp(float(confidence))) + curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + #for arg in args: + # curExtraction.addArg(arg) + d[text] = d.get(text, []) + [curExtraction] + + if os.path.exists(fn): + fin.close() + # print(d) + self.oie = d diff --git a/data/evaluation_data/carb/oie_readers/argument.py b/data/evaluation_data/carb/oie_readers/argument.py new file mode 100644 index 0000000000000000000000000000000000000000..6fec2e0d02a9d4e8369c90cedd21cc9953d74dd6 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/argument.py @@ -0,0 +1,21 @@ +import nltk +from operator import itemgetter + +class Argument: + def __init__(self, arg): + self.words = [x for x in arg[0].strip().split(' ') if x] + self.posTags = map(itemgetter(1), nltk.pos_tag(self.words)) + self.indices = arg[1] + self.feats = {} + + def __str__(self): + return "({})".format('\t'.join(map(str, + [escape_special_chars(' '.join(self.words)), + str(self.indices)]))) + +COREF = 'coref' + +## Helper functions +def escape_special_chars(s): + return s.replace('\t', '\\t') + diff --git a/data/evaluation_data/carb/oie_readers/benchmarkGoldReader.py b/data/evaluation_data/carb/oie_readers/benchmarkGoldReader.py new file mode 100644 index 0000000000000000000000000000000000000000..9882da9847f1b3760a16d2f12085212e5c84fabc --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/benchmarkGoldReader.py @@ -0,0 +1,55 @@ +""" Usage: + benchmarkGoldReader --in=INPUT_FILE + +Read a tab-formatted file. +Each line consists of: +sent, prob, pred, arg1, arg2, ... + +""" + +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction +from docopt import docopt +import logging + +logging.basicConfig(level = logging.DEBUG) + +class BenchmarkGoldReader(OieReader): + + def __init__(self): + self.name = 'BenchmarkGoldReader' + + def read(self, fn): + """ + Read a tabbed format line + Each line consists of: + sent, prob, pred, arg1, arg2, ... + """ + d = {} + ex_index = 0 + with open(fn) as fin: + for line in fin: + if not line.strip(): + continue + data = line.strip().split('\t') + text, rel = data[:2] + curExtraction = Extraction(pred = rel.strip(), + head_pred_index = None, + sent = text.strip(), + confidence = 1.0, + question_dist = "./question_distributions/dist_wh_sbj_obj1.json", + index = ex_index) + ex_index += 1 + + for arg in data[2:]: + curExtraction.addArg(arg.strip()) + + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + + +if __name__ == "__main__": + args = docopt(__doc__) + input_fn = args["--in"] + tr = BenchmarkGoldReader() + tr.read(input_fn) diff --git a/data/evaluation_data/carb/oie_readers/clausieReader.py b/data/evaluation_data/carb/oie_readers/clausieReader.py new file mode 100644 index 0000000000000000000000000000000000000000..b29606aa106d99a77c9acae8a59ef1e1491dc72b --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/clausieReader.py @@ -0,0 +1,90 @@ +""" Usage: + --in=INPUT_FILE --out=OUTPUT_FILE [--debug] + +Convert to tabbed format +""" +# External imports +import logging +from pprint import pprint +from pprint import pformat +from docopt import docopt + +# Local imports +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction +import ipdb +#=----- + +class ClausieReader(OieReader): + + def __init__(self): + self.name = 'ClausIE' + + def read(self, fn): + d = {} + with open(fn, encoding="utf-8") as fin: + for line in fin: + data = line.strip().split('\t') + if len(data) == 1: + text = data[0] + elif len(data) == 5: + arg1, rel, arg2 = [s[1:-1] for s in data[1:4]] + confidence = data[4] + + curExtraction = Extraction(pred = rel, + head_pred_index = -1, + sent = text, + confidence = float(confidence)) + + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + # self.normalizeConfidence() + + # # remove exxtractions below the confidence threshold + # if type(self.threshold) != type(None): + # new_d = {} + # for sent in self.oie: + # for extraction in self.oie[sent]: + # if extraction.confidence < self.threshold: + # continue + # else: + # new_d[sent] = new_d.get(sent, []) + [extraction] + # self.oie = new_d + + + + def normalizeConfidence(self): + ''' Normalize confidence to resemble probabilities ''' + EPSILON = 1e-3 + + confidences = [extraction.confidence for sent in self.oie for extraction in self.oie[sent]] + maxConfidence = max(confidences) + minConfidence = min(confidences) + + denom = maxConfidence - minConfidence + (2*EPSILON) + + for sent, extractions in self.oie.items(): + for extraction in extractions: + extraction.confidence = ( (extraction.confidence - minConfidence) + EPSILON) / denom + + + +if __name__ == "__main__": + # Parse command line arguments + args = docopt(__doc__) + inp_fn = args["--in"] + out_fn = args["--out"] + debug = args["--debug"] + if debug: + logging.basicConfig(level = logging.DEBUG) + else: + logging.basicConfig(level = logging.INFO) + + + oie = ClausieReader() + oie.read(inp_fn) + oie.output_tabbed(out_fn) + + logging.info("DONE") diff --git a/data/evaluation_data/carb/oie_readers/extraction.py b/data/evaluation_data/carb/oie_readers/extraction.py new file mode 100644 index 0000000000000000000000000000000000000000..663e79fa6276d7e020af976eab7980725adc5245 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/extraction.py @@ -0,0 +1,443 @@ +from oie_readers.argument import Argument +from operator import itemgetter +from collections import defaultdict +import nltk +import itertools +import logging +import numpy as np + + +class Extraction: + """ + Stores sentence, single predicate and corresponding arguments. + """ + def __init__(self, pred, head_pred_index, sent, confidence, question_dist = '', index = -1): + self.pred = pred + self.head_pred_index = head_pred_index + self.sent = sent + self.args = [] + self.confidence = confidence + self.matched = [] + self.questions = {} + self.indsForQuestions = defaultdict(lambda: set()) + self.is_mwp = False + self.question_dist = question_dist + self.index = index + + def distArgFromPred(self, arg): + assert(len(self.pred) == 2) + dists = [] + for x in self.pred[1]: + for y in arg.indices: + dists.append(abs(x - y)) + + return min(dists) + + def argsByDistFromPred(self, question): + return sorted(self.questions[question], key = lambda arg: self.distArgFromPred(arg)) + + def addArg(self, arg, question = None): + self.args.append(arg) + if question: + self.questions[question] = self.questions.get(question,[]) + [Argument(arg)] + + def noPronounArgs(self): + """ + Returns True iff all of this extraction's arguments are not pronouns. + """ + for (a, _) in self.args: + tokenized_arg = nltk.word_tokenize(a) + if len(tokenized_arg) == 1: + _, pos_tag = nltk.pos_tag(tokenized_arg)[0] + if ('PRP' in pos_tag): + return False + return True + + def isContiguous(self): + return all([indices for (_, indices) in self.args]) + + def toBinary(self): + ''' Try to represent this extraction's arguments as binary + If fails, this function will return an empty list. ''' + + ret = [self.elementToStr(self.pred)] + + if len(self.args) == 2: + # we're in luck + return ret + [self.elementToStr(arg) for arg in self.args] + + return [] + + if not self.isContiguous(): + # give up on non contiguous arguments (as we need indexes) + return [] + + # otherwise, try to merge based on indices + # TODO: you can explore other methods for doing this + binarized = self.binarizeByIndex() + + if binarized: + return ret + binarized + + return [] + + + def elementToStr(self, elem, print_indices = True): + ''' formats an extraction element (pred or arg) as a raw string + removes indices and trailing spaces ''' + if print_indices: + return str(elem) + if isinstance(elem, str): + return elem + if isinstance(elem, tuple): + ret = elem[0].rstrip().lstrip() + else: + ret = ' '.join(elem.words) + assert ret, "empty element? {0}".format(elem) + return ret + + def binarizeByIndex(self): + extraction = [self.pred] + self.args + markPred = [(w, ind, i == 0) for i, (w, ind) in enumerate(extraction)] + sortedExtraction = sorted(markPred, key = lambda ws, indices, f : indices[0]) + s = ' '.join(['{1} {0} {1}'.format(self.elementToStr(elem), SEP) if elem[2] else self.elementToStr(elem) for elem in sortedExtraction]) + binArgs = [a for a in s.split(SEP) if a.rstrip().lstrip()] + + if len(binArgs) == 2: + return binArgs + + # failure + return [] + + def bow(self): + return ' '.join([self.elementToStr(elem) for elem in [self.pred] + self.args]) + + def getSortedArgs(self): + """ + Sort the list of arguments. + If a question distribution is provided - use it, + otherwise, default to the order of appearance in the sentence. + """ + if self.question_dist: + # There's a question distribtuion - use it + return self.sort_args_by_distribution() + ls = [] + for q, args in self.questions.iteritems(): + if (len(args) != 1): + logging.debug("Not one argument: {}".format(args)) + continue + arg = args[0] + indices = list(self.indsForQuestions[q].union(arg.indices)) + if not indices: + logging.debug("Empty indexes for arg {} -- backing to zero".format(arg)) + indices = [0] + ls.append(((arg, q), indices)) + return [a for a, _ in sorted(ls, + key = lambda _, indices: min(indices))] + + def question_prob_for_loc(self, question, loc): + """ + Returns the probability of the given question leading to argument + appearing in the given location in the output slot. + """ + gen_question = generalize_question(question) + q_dist = self.question_dist[gen_question] + logging.debug("distribution of {}: {}".format(gen_question, + q_dist)) + + return float(q_dist.get(loc, 0)) / \ + sum(q_dist.values()) + + def sort_args_by_distribution(self): + """ + Use this instance's question distribution (this func assumes it exists) + in determining the positioning of the arguments. + Greedy algorithm: + 0. Decide on which argument will serve as the ``subject'' (first slot) of this extraction + 0.1 Based on the most probable one for this spot + (special care is given to select the highly-influential subject position) + 1. For all other arguments, sort arguments by the prevalance of their questions + 2. For each argument: + 2.1 Assign to it the most probable slot still available + 2.2 If non such exist (fallback) - default to put it in the last location + """ + INF_LOC = 100 # Used as an impractical last argument + + # Store arguments by slot + ret = {INF_LOC: []} + logging.debug("sorting: {}".format(self.questions)) + + # Find the most suitable arguemnt for the subject location + logging.debug("probs for subject: {}".format([(q, self.question_prob_for_loc(q, 0)) + for (q, _) in self.questions.iteritems()])) + + subj_question, subj_args = max(self.questions.iteritems(), + key = lambda q, _: self.question_prob_for_loc(q, 0)) + + ret[0] = [(subj_args[0], subj_question)] + + # Find the rest + for (question, args) in sorted([(q, a) + for (q, a) in self.questions.iteritems() if (q not in [subj_question])], + key = lambda q, _: \ + sum(self.question_dist[generalize_question(q)].values()), + reverse = True): + gen_question = generalize_question(question) + arg = args[0] + assigned_flag = False + for (loc, count) in sorted(self.question_dist[gen_question].iteritems(), + key = lambda _ , c: c, + reverse = True): + if loc not in ret: + # Found an empty slot for this item + # Place it there and break out + ret[loc] = [(arg, question)] + assigned_flag = True + break + + if not assigned_flag: + # Add this argument to the non-assigned (hopefully doesn't happen much) + logging.debug("Couldn't find an open assignment for {}".format((arg, gen_question))) + ret[INF_LOC].append((arg, question)) + + logging.debug("Linearizing arg list: {}".format(ret)) + + # Finished iterating - consolidate and return a list of arguments + return [arg + for (_, arg_ls) in sorted(ret.iteritems(), + key = lambda k, v: int(k)) + for arg in arg_ls] + + + def __str__(self): + pred_str = self.elementToStr(self.pred) + return '{}\t{}\t{}'.format(self.get_base_verb(pred_str), + self.compute_global_pred(pred_str, + self.questions.keys()), + '\t'.join([escape_special_chars(self.augment_arg_with_question(self.elementToStr(arg), + question)) + for arg, question in self.getSortedArgs()])) + + def get_base_verb(self, surface_pred): + """ + Given the surface pred, return the original annotated verb + """ + # Assumes that at this point the verb is always the last word + # in the surface predicate + return surface_pred.split(' ')[-1] + + + def compute_global_pred(self, surface_pred, questions): + """ + Given the surface pred and all instansiations of questions, + make global coherence decisions regarding the final form of the predicate + This should hopefully take care of multi word predicates and correct inflections + """ + from operator import itemgetter + split_surface = surface_pred.split(' ') + + if len(split_surface) > 1: + # This predicate has a modal preceding the base verb + verb = split_surface[-1] + ret = split_surface[:-1] # get all of the elements in the modal + else: + verb = split_surface[0] + ret = [] + + split_questions = map(lambda question: question.split(' '), + questions) + + preds = map(normalize_element, + map(itemgetter(QUESTION_TRG_INDEX), + split_questions)) + if len(set(preds)) > 1: + # This predicate is appears in multiple ways, let's stick to the base form + ret.append(verb) + + if len(set(preds)) == 1: + # Change the predciate to the inflected form + # if there's exactly one way in which the predicate is conveyed + ret.append(preds[0]) + + pps = map(normalize_element, + map(itemgetter(QUESTION_PP_INDEX), + split_questions)) + + obj2s = map(normalize_element, + map(itemgetter(QUESTION_OBJ2_INDEX), + split_questions)) + + if (len(set(pps)) == 1): + # If all questions for the predicate include the same pp attachemnt - + # assume it's a multiword predicate + self.is_mwp = True # Signal to arguments that they shouldn't take the preposition + ret.append(pps[0]) + + # Concat all elements in the predicate and return + return " ".join(ret).strip() + + + def augment_arg_with_question(self, arg, question): + """ + Decide what elements from the question to incorporate in the given + corresponding argument + """ + # Parse question + wh, aux, sbj, trg, obj1, pp, obj2 = map(normalize_element, + question.split(' ')[:-1]) # Last split is the question mark + + # Place preposition in argument + # This is safer when dealing with n-ary arguments, as it's directly attaches to the + # appropriate argument + if (not self.is_mwp) and pp and (not obj2): + if not(arg.startswith("{} ".format(pp))): + # Avoid repeating the preporition in cases where both question and answer contain it + return " ".join([pp, + arg]) + + # Normal cases + return arg + + def clusterScore(self, cluster): + """ + Calculate cluster density score as the mean distance of the maximum distance of each slot. + Lower score represents a denser cluster. + """ + logging.debug("*-*-*- Cluster: {}".format(cluster)) + + # Find global centroid + arr = np.array([x for ls in cluster for x in ls]) + centroid = np.sum(arr)/arr.shape[0] + logging.debug("Centroid: {}".format(centroid)) + + # Calculate mean over all maxmimum points + return np.average([max([abs(x - centroid) for x in ls]) for ls in cluster]) + + def resolveAmbiguity(self): + """ + Heursitic to map the elments (argument and predicates) of this extraction + back to the indices of the sentence. + """ + ## TODO: This removes arguments for which there was no consecutive span found + ## Part of these are non-consecutive arguments, + ## but other could be a bug in recognizing some punctuation marks + + elements = [self.pred] \ + + [(s, indices) + for (s, indices) + in self.args + if indices] + logging.debug("Resolving ambiguity in: {}".format(elements)) + + # Collect all possible combinations of arguments and predicate indices + # (hopefully it's not too much) + all_combinations = list(itertools.product(*map(itemgetter(1), elements))) + logging.debug("Number of combinations: {}".format(len(all_combinations))) + + # Choose the ones with best clustering and unfold them + resolved_elements = zip(map(itemgetter(0), elements), + min(all_combinations, + key = lambda cluster: self.clusterScore(cluster))) + logging.debug("Resolved elements = {}".format(resolved_elements)) + + self.pred = resolved_elements[0] + self.args = resolved_elements[1:] + + def conll(self, external_feats = {}): + """ + Return a CoNLL string representation of this extraction + """ + return '\n'.join(["\t".join(map(str, + [i, w] + \ + list(self.pred) + \ + [self.head_pred_index] + \ + external_feats + \ + [self.get_label(i)])) + for (i, w) + in enumerate(self.sent.split(" "))]) + '\n' + + def get_label(self, index): + """ + Given an index of a word in the sentence -- returns the appropriate BIO conll label + Assumes that ambiguation was already resolved. + """ + # Get the element(s) in which this index appears + ent = [(elem_ind, elem) + for (elem_ind, elem) + in enumerate(map(itemgetter(1), + [self.pred] + self.args)) + if index in elem] + + if not ent: + # index doesnt appear in any element + return "O" + + if len(ent) > 1: + # The same word appears in two different answers + # In this case we choose the first one as label + logging.warn("Index {} appears in one than more element: {}".\ + format(index, + "\t".join(map(str, + [ent, + self.sent, + self.pred, + self.args])))) + + ## Some indices appear in more than one argument (ones where the above message appears) + ## From empricial observation, these seem to mostly consist of different levels of granularity: + ## what had _ been taken _ _ _ ? loan commitments topping $ 3 billion + ## how much had _ been taken _ _ _ ? topping $ 3 billion + ## In these cases we heuristically choose the shorter answer span, hopefully creating minimal spans + ## E.g., in this example two arguemnts are created: (loan commitments, topping $ 3 billion) + + elem_ind, elem = min(ent, key = lambda _, ls: len(ls)) + + # Distinguish between predicate and arguments + prefix = "P" if elem_ind == 0 else "A{}".format(elem_ind - 1) + + # Distinguish between Beginning and Inside labels + suffix = "B" if index == elem[0] else "I" + + return "{}-{}".format(prefix, suffix) + + def __str__(self): + return '{0}\t{1}'.format(self.elementToStr(self.pred, + print_indices = True), + '\t'.join([self.elementToStr(arg) + for arg + in self.args])) + +# Flatten a list of lists +flatten = lambda l: [item for sublist in l for item in sublist] + + +def normalize_element(elem): + """ + Return a surface form of the given question element. + the output should be properly able to precede a predicate (or blank otherwise) + """ + return elem.replace("_", " ") \ + if (elem != "_")\ + else "" + +## Helper functions +def escape_special_chars(s): + return s.replace('\t', '\\t') + + +def generalize_question(question): + """ + Given a question in the context of the sentence and the predicate index within + the question - return a generalized version which extracts only order-imposing features + """ + import nltk # Using nltk since couldn't get spaCy to agree on the tokenization + wh, aux, sbj, trg, obj1, pp, obj2 = question.split(' ')[:-1] # Last split is the question mark + return ' '.join([wh, sbj, obj1]) + + + +## CONSTANTS +SEP = ';;;' +QUESTION_TRG_INDEX = 3 # index of the predicate within the question +QUESTION_PP_INDEX = 5 +QUESTION_OBJ2_INDEX = 6 diff --git a/data/evaluation_data/carb/oie_readers/goldReader.py b/data/evaluation_data/carb/oie_readers/goldReader.py new file mode 100644 index 0000000000000000000000000000000000000000..e35de0bf3d39d2dbca1828dc8ed41bed055df8a9 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/goldReader.py @@ -0,0 +1,44 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction +from _collections import defaultdict +import ipdb + +class GoldReader(OieReader): + + # Path relative to repo root folder + default_filename = './oie_corpus/all.oie' + + def __init__(self): + self.name = 'Gold' + + def read(self, fn): + d = defaultdict(lambda: []) + with open(fn) as fin: + for line_ind, line in enumerate(fin): +# print line + data = line.strip().split('\t') + text, rel = data[:2] + args = data[2:] + confidence = 1 + + curExtraction = Extraction(pred = rel.strip(), + head_pred_index = None, + sent = text.strip(), + confidence = float(confidence), + index = line_ind) + for arg in args: + if "C: " in arg: + continue + curExtraction.addArg(arg.strip()) + + d[text.strip()].append(curExtraction) + self.oie = d + + +if __name__ == '__main__' : + g = GoldReader() + g.read('../oie_corpus/all.oie', includeNominal = False) + d = g.oie + e = d.items()[0] + print(e[1][0].bow()) + print(g.count()) diff --git a/data/evaluation_data/carb/oie_readers/oieReader.py b/data/evaluation_data/carb/oie_readers/oieReader.py new file mode 100644 index 0000000000000000000000000000000000000000..f24d02212102ebaa5fa51740d52cadce85dcc739 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/oieReader.py @@ -0,0 +1,45 @@ +class OieReader: + + def read(self, fn, includeNominal): + ''' should set oie as a class member + as a dictionary of extractions by sentence''' + raise Exception("Don't run me") + + def count(self): + ''' number of extractions ''' + return sum([len(extractions) for _, extractions in self.oie.items()]) + + def split_to_corpus(self, corpus_fn, out_fn): + """ + Given a corpus file name, containing a list of sentences + print only the extractions pertaining to it to out_fn in a tab separated format: + sent, prob, pred, arg1, arg2, ... + """ + raw_sents = [line.strip() for line in open(corpus_fn)] + with open(out_fn, 'w') as fout: + for line in self.get_tabbed().split('\n'): + data = line.split('\t') + sent = data[0] + if sent in raw_sents: + fout.write(line + '\n') + + def output_tabbed(self, out_fn): + """ + Write a tabbed represenation of this corpus. + """ + with open(out_fn, 'w') as fout: + fout.write(self.get_tabbed()) + + def get_tabbed(self): + """ + Get a tabbed format representation of this corpus (assumes that input was + already read). + """ + return "\n".join(['\t'.join(map(str, + [ex.sent, + ex.confidence, + ex.pred, + '\t'.join(ex.args)])) + for (sent, exs) in self.oie.iteritems() + for ex in exs]) + diff --git a/data/evaluation_data/carb/oie_readers/ollieReader.py b/data/evaluation_data/carb/oie_readers/ollieReader.py new file mode 100644 index 0000000000000000000000000000000000000000..91e8b72ba60d34b58a63778fcb1d2edf80d9a31c --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/ollieReader.py @@ -0,0 +1,22 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction + +class OllieReader(OieReader): + + def __init__(self): + self.name = 'OLLIE' + + def read(self, fn): + d = {} + with open(fn) as fin: + fin.readline() #remove header + for line in fin: + data = line.strip().split('\t') + confidence, arg1, rel, arg2, enabler, attribution, text = data[:7] + curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + + diff --git a/data/evaluation_data/carb/oie_readers/openieFiveReader.py b/data/evaluation_data/carb/oie_readers/openieFiveReader.py new file mode 100644 index 0000000000000000000000000000000000000000..4c397ff0ba2909bd229a4cfd20d5daff7a297f88 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/openieFiveReader.py @@ -0,0 +1,38 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction + +class OpenieFiveReader(OieReader): + + def __init__(self): + self.name = 'OpenIE-5' + + def read(self, fn): + d = {} + with open(fn) as fin: + for line in fin: + data = line.strip().split('\t') + confidence = data[0] + + if not all(data[2:5]): + continue + arg1, rel = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:4]] + #args = data[4].strip().split(');') + #print arg2s + args = [s[s.index('(') + 1:s.index(',List(')] for s in data[4].strip().split(');')] +# if arg1 == "the younger La Flesche": +# print len(args) + text = data[5] + if data[1]: + #print arg1, rel + s = data[1] + if not (arg1 + ' ' + rel).startswith(s[s.index('(') + 1:s.index(',List(')]): + #print "##########Not adding context" + arg1 = s[s.index('(') + 1:s.index(',List(')] + ' ' + arg1 + #print arg1 + rel, ",,,,, ", s[s.index('(') + 1:s.index(',List(')] + #curExtraction = Extraction(pred = rel, sent = text, confidence = float(confidence)) + curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + for arg in args: + curExtraction.addArg(arg) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d diff --git a/data/evaluation_data/carb/oie_readers/openieFourReader.py b/data/evaluation_data/carb/oie_readers/openieFourReader.py new file mode 100644 index 0000000000000000000000000000000000000000..3398c2e9073f7992676934f76306c10025f322d3 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/openieFourReader.py @@ -0,0 +1,59 @@ +""" Usage: + --in=INPUT_FILE --out=OUTPUT_FILE [--debug] + +Convert to tabbed format +""" +# External imports +import logging +from pprint import pprint +from pprint import pformat +from docopt import docopt + +# Local imports +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction +import ipdb + +#=----- + +class OpenieFourReader(OieReader): + + def __init__(self): + self.name = 'OpenIE-4' + + def read(self, fn): + d = {} + with open(fn) as fin: + for line in fin: + data = line.strip().split('\t') + confidence = data[0] + if not all(data[2:5]): + logging.debug("Skipped line: {}".format(line)) + continue + arg1, rel, arg2 = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:5]] + text = data[5] + curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + + + +if __name__ == "__main__": + # Parse command line arguments + args = docopt(__doc__) + inp_fn = args["--in"] + out_fn = args["--out"] + debug = args["--debug"] + if debug: + logging.basicConfig(level = logging.DEBUG) + else: + logging.basicConfig(level = logging.INFO) + + + oie = OpenieFourReader() + oie.read(inp_fn) + oie.output_tabbed(out_fn) + + logging.info("DONE") diff --git a/data/evaluation_data/carb/oie_readers/propsReader.py b/data/evaluation_data/carb/oie_readers/propsReader.py new file mode 100644 index 0000000000000000000000000000000000000000..5cc9447af6d6c6eee5e4228c7fe567cd4f004ca8 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/propsReader.py @@ -0,0 +1,44 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction + + +class PropSReader(OieReader): + + def __init__(self): + self.name = 'PropS' + + def read(self, fn): + d = {} + with open(fn) as fin: + for line in fin: + if not line.strip(): + continue + data = line.strip().split('\t') + confidence, text, rel = data[:3] + curExtraction = Extraction(pred = rel, sent = text, confidence = float(confidence), head_pred_index=-1) + + for arg in data[4::2]: + curExtraction.addArg(arg) + + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + # self.normalizeConfidence() + + + def normalizeConfidence(self): + ''' Normalize confidence to resemble probabilities ''' + EPSILON = 1e-3 + + self.confidences = [extraction.confidence for sent in self.oie for extraction in self.oie[sent]] + maxConfidence = max(self.confidences) + minConfidence = min(self.confidences) + + denom = maxConfidence - minConfidence + (2*EPSILON) + + for sent, extractions in self.oie.items(): + for extraction in extractions: + extraction.confidence = ( (extraction.confidence - minConfidence) + EPSILON) / denom + + + + diff --git a/data/evaluation_data/carb/oie_readers/reVerbReader.py b/data/evaluation_data/carb/oie_readers/reVerbReader.py new file mode 100644 index 0000000000000000000000000000000000000000..20f9fe3be9056863654c4c31703a2d011403ba5b --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/reVerbReader.py @@ -0,0 +1,29 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction + +class ReVerbReader(OieReader): + + def __init__(self): + self.inputSents = [sent.strip() for sent in open(ReVerbReader.RAW_SENTS_FILE).readlines()] + self.name = 'ReVerb' + + def read(self, fn): + d = {} + with open(fn) as fin: + for line in fin: + data = line.strip().split('\t') + arg1, rel, arg2 = data[2:5] + confidence = data[11] + text = self.inputSents[int(data[1])-1] + + curExtraction = Extraction(pred = rel, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + + # ReVerb requires a different files from which to get the input sentences + # Relative to repo root folder + RAW_SENTS_FILE = './raw_sentences/all.txt' + + diff --git a/data/evaluation_data/carb/oie_readers/split_corpus.py b/data/evaluation_data/carb/oie_readers/split_corpus.py new file mode 100644 index 0000000000000000000000000000000000000000..16a12cfe83da9de4559b2dca763b2926161b614a --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/split_corpus.py @@ -0,0 +1,37 @@ +""" Usage: + split_corpus --corpus=CORPUS_FN --reader=READER --in=INPUT_FN --out=OUTPUT_FN + +Split OIE extractions according to raw sentences. +This is used in order to split a large file into train, dev and test. + +READER - points out which oie reader to use (see dictionary for possible entries) +""" +from clausieReader import ClausieReader +from ollieReader import OllieReader +from openieFourReader import OpenieFourReader +from propsReader import PropSReader +from reVerbReader import ReVerbReader +from stanfordReader import StanfordReader +from docopt import docopt +import logging +logging.basicConfig(level = logging.INFO) + +available_readers = { + "clausie": ClausieReader, + "ollie": OllieReader, + "openie4": OpenieFourReader, + "props": PropSReader, + "reverb": ReVerbReader, + "stanford": StanfordReader +} + + +if __name__ == "__main__": + args = docopt(__doc__) + inp = args["--in"] + out = args["--out"] + corpus = args["--corpus"] + reader = available_readers[args["--reader"]]() + reader.read(inp) + reader.split_to_corpus(corpus, + out) diff --git a/data/evaluation_data/carb/oie_readers/stanfordReader.py b/data/evaluation_data/carb/oie_readers/stanfordReader.py new file mode 100644 index 0000000000000000000000000000000000000000..52ace35d9885e01781741c33b800f8251a03b4a4 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/stanfordReader.py @@ -0,0 +1,22 @@ +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction + +class StanfordReader(OieReader): + + def __init__(self): + self.name = 'Stanford' + + def read(self, fn): + d = {} + with open(fn) as fin: + for line in fin: + data = line.strip().split('\t') + arg1, rel, arg2 = data[2:5] + confidence = data[11] + text = data[12] + + curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence)) + curExtraction.addArg(arg1) + curExtraction.addArg(arg2) + d[text] = d.get(text, []) + [curExtraction] + self.oie = d diff --git a/data/evaluation_data/carb/oie_readers/tabReader.py b/data/evaluation_data/carb/oie_readers/tabReader.py new file mode 100644 index 0000000000000000000000000000000000000000..aaf93e6222cecd6013d34f6cd32b12cde0784364 --- /dev/null +++ b/data/evaluation_data/carb/oie_readers/tabReader.py @@ -0,0 +1,56 @@ +""" Usage: + tabReader --in=INPUT_FILE + +Read a tab-formatted file. +Each line consists of: +sent, prob, pred, arg1, arg2, ... + +""" + +from oie_readers.oieReader import OieReader +from oie_readers.extraction import Extraction +from docopt import docopt +import logging +import ipdb + +logging.basicConfig(level = logging.DEBUG) + +class TabReader(OieReader): + + def __init__(self): + self.name = 'TabReader' + + def read(self, fn): + """ + Read a tabbed format line + Each line consists of: + sent, prob, pred, arg1, arg2, ... + """ + d = {} + ex_index = 0 + with open(fn) as fin: + for line in fin: + if not line.strip(): + continue + data = line.strip().split('\t') + text, confidence, rel = data[:3] + curExtraction = Extraction(pred = rel, + head_pred_index = None, + sent = text, + confidence = float(confidence), + question_dist = "./question_distributions/dist_wh_sbj_obj1.json", + index = ex_index) + ex_index += 1 + + for arg in data[3:]: + curExtraction.addArg(arg) + + d[text] = d.get(text, []) + [curExtraction] + self.oie = d + + +if __name__ == "__main__": + args = docopt(__doc__) + input_fn = args["--in"] + tr = TabReader() + tr.read(input_fn) diff --git a/data/evaluation_data/carb/pr_plot.py b/data/evaluation_data/carb/pr_plot.py new file mode 100644 index 0000000000000000000000000000000000000000..1246f578556a64fa00cb3749c30edad3b9ce9608 --- /dev/null +++ b/data/evaluation_data/carb/pr_plot.py @@ -0,0 +1,58 @@ +""" Usage: + pr_plot --in=DIR_NAME --out=OUTPUT_FILENAME + +Options: + --in=DIR_NAME Folder in which to search for *.dat files, all of which should be in a P/R column format (outputs from benchmark.py) + --out=OUTPUT_FILENAME Output filename, filetype will determine the format. Possible formats: pdf, pgf, png + + +""" + +import os +import ntpath +import numpy as np +from glob import glob +from docopt import docopt +import matplotlib.pyplot as plt +import logging +import ipdb +logging.basicConfig(level = logging.INFO) + +plt.rcParams.update({'font.size': 14}) + +def trend_name(path): + ''' return a system trend name from dat file path ''' + head, tail = ntpath.split(path) + ret = tail or ntpath.basename(head) + return ret.split('.')[0] + +def get_pr(path): + ''' get PR curve from file ''' + with open(path) as fin: + # remove header line + fin.readline() + prc = list(zip(*[[float(x) for x in line.strip().split('\t')] for line in fin])) + p = prc[0] + r = prc[1] + return p, r + +if __name__ == '__main__': + args = docopt(__doc__) + input_folder = args['--in'] + output_file = args['--out'] + + # plot graphs for all *.dat files in input path + files = glob(os.path.join(input_folder, '*.dat')) + for _file in files: + p, r = get_pr(_file) + name = trend_name(_file) + plt.plot(r, p, label = name) + + # Set figure properties and save + logging.info("Plotting P/R graph to {}".format(output_file)) + plt.ylim([0.0, 1.05]) + plt.xlim([0.0, 0.8]) + plt.xlabel('Recall') + plt.ylabel('Precision') + plt.legend(loc="lower right") + plt.savefig(output_file) diff --git a/data/evaluation_data/carb/system_outputs/output_extractions.txt b/data/evaluation_data/carb/system_outputs/output_extractions.txt new file mode 100644 index 0000000000000000000000000000000000000000..463733342eba227cc2a6ad9dbf9abd209b60e34e --- /dev/null +++ b/data/evaluation_data/carb/system_outputs/output_extractions.txt @@ -0,0 +1,1343 @@ +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . 32.7 % of all households were made up of individuals 1 +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . 15.7 % had 65 years of 1 +32.7 % of all households were made up of individuals and 15.7 % had someone living alone who was 65 years of age or older . 15.7 % had someone living alone 1 +A CEN forms an important but small part of a Local Strategic Partnership . A CEN forms an important part of a Local Strategic Partnership 1 +A CEN forms an important but small part of a Local Strategic Partnership . A CEN forms an small part of a Local Strategic Partnership 1 +A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 . he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 1 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . A cafeteria located on the sixth floor 1 +A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor . A cafeteria is also on the sixth floor 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . A common name followed in 1982 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . A common logo followed 1 +A common name , logo , and programming schedule followed in 1982 , with the establishment of the `` TV8 '' network between the three stations , changed to the `` Southern Cross Network '' seven years later . A common programming schedule followed in 1982 1 +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . A cooling center is a temporary air-conditioned public space 1 +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . a temporary air-conditioned public space set by local authorities 1 +A cooling center is a temporary air-conditioned public space set up by local authorities to deal with the health effects of a heat wave . a temporary air-conditioned up by local authorities 1 +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . A manifold is prime 1 +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . it can not be presented as a connected sum of more than one manifold 1 +A manifold is `` prime '' if it can not be presented as a connected sum of more than one manifold , none of which is the sphere of the same dimension . none of which is the sphere of the same dimension 1 +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . A to stop printing for three months 1 +A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' . printing was evaded 1 +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . one of the few held in the UK 1 +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . in the UK was at Ammanford 1 +A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford . one of the few staged at Ammanford 1 +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . A partial list of turbomachinery may use one or more centrifugal compressors within the machine 1 +A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here . one or more centrifugal compressors within the machine are listed here 1 +A short distance to the east , NC 111 diverges on Greenwood Boulevard . NC 111 diverges on Greenwood Boulevard 1 +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . A spectrum from a single FID has a low signal-to-noise ratio 1 +A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions . it improves readily with averaging of repeated acquisitions 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . the Samaritan ethnonym is not derived from the region of Samaria 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . the Samaritan ethnonym is not derived 1 +According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria , but from the fact that they were the `` Guardians '' of the true Israelite religion . they were the 1 +According to the 2010 census , the population of the town is 2,310 . the population of the town is 1 +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. 1 +According to the indictment , Gonzalez is accused of defrauding the West Bronx Neighborhood Association Inc. , a not-for-profit corporation , by using funds donated to the organization in order to pay for over $ 37,000 in personal expenses . Gonzalez donated 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . cable hauling ceased 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . locomotives pulled trains the whole length of the Victoria tunnels 1 +After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels . locomotives pulled trains the whole length of the Waterloo tunnels 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials named it Earth 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials found a primitive new world 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials found a lush new world 1 +After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth . the Colonials found a vibrant new world 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . Cole went on to appear as Blanche Ingram in the 1 +After leaving `` Hex '' , Cole went on to appear as Blanche Ingram in the critically acclaimed `` Jane Eyre '' TV serial for the BBC and guest starred as Lilith in the `` Doctor Who '' episode `` The Shakespeare Code '' . Cole starred as Lilith in the 1 +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . Battra rested in the Arctic Ocean 1 +After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos . Mothra retired to Infant Island 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . many of the republicans were arrested in Free State `` round ups 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . they had come out of hiding 1 +After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home . they had returned home 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . Knievel broke his arms 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . he was 1 +Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman . permanent injury his accident caused to the cameraman 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . Hazelwood came through the invasion 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . Hazelwood sank two small enemy freighters 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . Hazelwood untouched 1 +Although under constant attack from kamikazes as well as fighters and dive-bombers , `` Hazelwood '' came through the invasion untouched and on the night of 25 February sank two small enemy freighters with her guns . Hazelwood sank two small enemy freighters with her guns 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . An original limited artist edition of 250 was published in 1989 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . An original limited artist edition of 250 was an oversized fine press slip-cased book with stainless steel faced boards 1 +An original limited artist edition of 250 was published in 1989 and was an oversized fine press slip-cased book with stainless steel faced boards and digital clock inset into the front cover . An original limited artist edition of 250 was 1 +And ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States . ABS has formed a partnership with Habitat for Humanity to give a free Bible to each of its new homeowners in the United States 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . he was in Ali 's army in the Battle of Jamal 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . it was Muhammad ibn Abu Bakr 1 +And he was in Ali 's army in the Battle of Jamal and later it was Muhammad ibn Abu Bakr who escorted Aisha back to Madina . Muhammad ibn Abu Bakr escorted Aisha back to Madina 1 +Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding . Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum 1 +Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities . Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . Applications can use this service to record activity for a production system 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . implementations of other OSIDs can use the service to record detailed data during development 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . implementations of other OSIDs can use the service to 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . the service to record detailed data during debugging 1 +Applications can use this service to record activity for a production system while implementations of other OSIDs can use the service to record detailed data during development , debugging , or analyzing performance . the service to record detailed data during analyzing performance 1 +As Attorney General he clashed with Daniel O'Connell when he insisted , against O'Connell 's wishes , on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland . he insisted on the appointment of Abraham Brewster as Law Adviser to the Lord Lieutenant of Ireland 1 +As a group , the team was enshrined into the Basketball Hall of Fame in 1959 . the team was enshrined into the Basketball Hall of Fame in 1959 1 +As a result , it becomes clear that the microbe can not survive outside a narrow pH range . the microbe can not survive outside a narrow pH range 1 +As a result , the lower river had to be dredged three times in two years . the lower river had to be dredged three times in two years 1 +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . the French kings sent commissioners to the provinces to take necessary action 1 +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . the French kings sent commissioners to the provinces to inspect on royal affairs 1 +As early as the 15th century , the French kings sent commissioners to the provinces to inspect on royal and administrative affairs and to take necessary action . the French kings sent commissioners to the provinces to inspect on administrative affairs 1 +As in his first novel , Armah contrasts the two worlds of materialism and moral values , corruption and dreams , two worlds of integrity and social pressure . Armah contrasts the two worlds of materialism and moral values 1 +As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration . absolute accuracy of a measurement requires a functionality for calibration 1 +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . Sandy aspires to become a banker 1 +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . it is practical 1 +As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative . it is lucrative 1 +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . the Gypsy Horse recognized as a breed outside the Romanichal community 1 +As part of several efforts to have the Gypsy Horse recognized as a breed outside the Romanichal community , a more descriptive name was sought for it , starting in the 1990s . a more descriptive name was sought for it 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Assisting in the recording process were Fernando Cabello 1 +Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne . Assisting in the recording process were two friends of the group 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . Celine Dion helped the newly solvent airline 1 +At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image . the newly solvent airline debut its new image 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . At least 11 villagers disappeared in the ensuing tsunami 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . At least 11 villagers are prisoners at one of the Permisan prisons 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . 8 people were killed in the ensuing tsunami 1 +At least 11 villagers disappeared and 8 people were killed in the ensuing tsunami , two of which are prisoners at one of the Permisan prisons . 8 people are prisoners at one of the Permisan prisons 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are provided in compliance with state law 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are provided in compliance with federal law 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are reasonably calculated to yield meaningful educational benefit 1 +At no cost to the parents , these services are provided in compliance with state and federal law ; and are reasonably calculated to yield meaningful educational benefit and student progress . these services are reasonably calculated to yield student progress 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . Ballard is 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . Ballard resists is given a drug 1 +At one point , Ballard is nearly possessed , but resists when she is given a drug and discovers that the spirits are attacking them as they believe that the humans are invaders and plan to exterminate the humans on Mars . the humans are 1 +Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child . Barbara fought a mugger 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . Yesler Way marks the boundary between two different plats 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . street grid north of does not line 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . street grid north of Yesler up with 1 +Because Yesler Way marks the boundary between two different plats , the street grid north of Yesler does not line up with the neighborhood 's other streets , so the northern `` border '' of the district zigzags along numerous streets . the northern zigzags along numerous streets 1 +Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics . the alliance plays a significant role in Islamic ethics 1 +Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully . Beast can outperform any Olympic-level athlete 1 +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . her Justice Lord counterpart killed 1 +Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him . Bruce 's Justice Lord counterpart was happily married 1 +Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California . Burnham died of heart failure at the age of 86 1 +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . this practice simply 1 +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . this practice reduces government interest costs 1 +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . this practice can result in hyperinflation 1 +But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly . this practice used unsparingly 1 +By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague . she was had been orphaned by the plague 1 +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . Simpson had returned to his mansion in Brentwood 1 +By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police . Simpson had surrendered to police 1 +Chevalier fulfilled his promise the following year by erecting a shrine dedicated to the honour of Mary under the title of `` Our Lady of the Sacred Heart '' . Chevalier fulfilled dedicated to the honour of Mary 1 +Cis-regulatory elements are sequences that control the transcription of a nearby gene . Cis-regulatory elements are sequences 1 +Cis-regulatory elements are sequences that control the transcription of a nearby gene . sequences control the transcription of a nearby gene 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . Citizens for Responsibility in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves 1 +Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves . Citizens for Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves 1 +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . these rifles produce a consistent 10 ring performance 1 +Combined with appropriate match pellets these rifles produce a consistent 10 ring performance , so a non-maximal result during the initial phase can be attributed to the participant . a non-maximal result during can be attributed to the participant 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley was the first classical 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley to perform a solo organ recital at the White House 1 +Curley was the first classical organist to perform a solo organ recital at the White House , and also played before several European heads of state . Curley played before several European heads of state 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . DC Comics held a memorial service in Manhattan 's Lower East Side 1 +DC Comics held a memorial service in Manhattan 's Lower East Side , a neighborhood Eisner often visited in his work , at the Angel Orensanz Foundation on Norfolk Street . Eisner often visited in his work 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was 1 +Despite the below-freezing temperatures , Beuerlein was red-hot , out-dueling Brett Favre and connecting on 29 of 42 attempts , with 3 TDs and no INTs , and passing for a then franchise-record 373 yards . Beuerlein was red-hot 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo intended to 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo have a `` common '' accent 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo was originally to 1 +Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' . Dodo is portrayed this way 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland against England in 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland against England in 1893 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland against England in 1894 1 +Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 . Dr. Pim played for Ireland against England in 1896 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . they can be viewed as a debate on the opposing attitudes on love 1 +Due to the opposing nature of the two songs , they can be viewed as a debate on the opposing attitudes on love found throughout the play . they found throughout the play 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was in the northern portions of Atlanta beyond 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was a rimshot to the southwest of the city 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was in the northern portions of Atlanta beyond the northern reaches of Fulton Counties 1 +Due to the transmitter location being based in Tyrone and a smaller signal wattage , it was barely hearable in the northern portions of Atlanta beyond the downtown area or even the northern reaches of Fulton or DeKalb Counties , as it was a rimshot to the southwest of the city . it was in the northern portions of Atlanta beyond the northern reaches of DeKalb Counties 1 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 1 +During the Second World War , the number of Turkish run cafes increased from 20 in 1939 to 200 in 1945 which created a demand for more Turkish Cypriot workers . the created a demand for more Turkish Cypriot workers 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Paddington 1 +During the morning and evening rush hours some services run direct to/from Paddington and Reading . some services run direct to/from Reading 1 +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . the ACT Rugby Union was renamed the ACT Rugby Union 1 +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . the name of the team was changed to Brumbies Rugby 1 +During the off-season the ACT Rugby Union was renamed the ACT and Southern NSW Rugby Union , and the name of the team was changed to Brumbies Rugby . the ACT Rugby Union was renamed the Southern NSW Rugby Union 1 +Each of the Matoran brought their Toa stone and met each other at the Great Temple . Each of the Matoran brought their Toa stone 1 +Each of the Matoran brought their Toa stone and met each other at the Great Temple . Each of the Matoran met each other at the Great Temple 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Falun Gong 's teachings are compiled from Li 's lectures 1 +Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system . Li holds definitional power in that belief system 1 +Fans reacted to the news of the suspension by canceling their XM Radio subscriptions , with some fans even going as far as smashing their XM units . Fans reacted to the news of the suspension 1 +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . the University banned smoking on any of its property 1 +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . including inside buildings in areas were once designated as smoking areas 1 +From the start of the first semester of 2010 , the University banned smoking on any of its property , including inside and outside buildings in areas that were once designated as smoking areas . including outside buildings were once designated as smoking areas 1 +Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal . as well as contribute to the frequency of rehearsal 1 +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . Gameplay is 1 +Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level . the player must shoot constantly at a continual stream of enemies in 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African filmmaker 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . a best known for writing the Academy Award-winning Foreign Language Film 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . a best known 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African screenwriter 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . a best known for directing the Academy Award-winning Foreign Language Film 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African producer 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . a South African producer best known for writing the Academy Award-winning Foreign Language Film 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . a South African producer best known for directing the Academy Award-winning Foreign Language Film 1 +Gavin Hood is a South African filmmaker , screenwriter , producer and actor , best known for writing and directing the Academy Award-winning Foreign Language Film `` Tsotsi '' . Gavin Hood is a South African actor 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . patriarch of the Bluth is 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . Company markets mini-mansions among many other activities 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . Company builds mini-mansions among many other activities 1 +George Bluth Sr. , patriarch of the Bluth family , is the founder and former CEO of the Bluth Company which markets and builds mini-mansions among many other activities . Bluth is 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Godzilla battled on the ocean floor 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . they caused a rift to open between tectonic plates 1 +Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates . Battra battled on the ocean floor 1 +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . Good 1H NMR spectra can be acquired with 16 repeats 1 +Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes . Good 1H NMR spectra takes only minutes 1 +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . HTB seeks 1 +HTB 's aim is for an Alpha course to be accessible to anyone who would like to attend the course , and in this way HTB seeks to spread the teachings of Christianity . HTB to spread the teachings of Christianity 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod won the State Cup in 1984 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod played in the top division during the 1960s 1 +Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 . Hapoel Lod played in the 1 +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . Hawker Pacific Aerospace is a MRO-Service company 1 +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . a MRO-Service company offers landing gear MRO services for all major aircraft types 1 +Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types . a MRO-Service company offers hydraulic MRO services for all major aircraft types 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . He possesses enhanced senses 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . He can track people for great distances over open terrain 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . his feet are sensitive enough to detect electronic signals through solid walls 1 +He also possesses enhanced senses and can track people for great distances over open terrain and his feet are sensitive enough to detect electronic signals through solid walls and floors . his feet are sensitive enough to detect electronic signals through solid floors 1 +He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures . He took 124 wickets 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . He appeared in 1 +He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier . Arsenal midfield colleague Brian Marwood had joined them from Sheffield Wednesday eight months earlier 1 +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . He defines Wild Cards 1 +He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' . Low Probability , High Impact events would severely impact the human condition 1 +He finds himself in a desert as a group of Neo Arcadians surround him , ending the game . He finds himself in a desert 1 +He had spent 11 years in jail despite having been acquitted twice . He had spent 11 years in jail 1 +He is idolized , receiving the name of `` God '' . He is 1 +He is idolized , receiving the name of `` God '' . He receiving the name of `` God 1 +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . He left only a small contingent to guard the defile 1 +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . He took his entire army 1 +He left only a small contingent to guard the defile , and took his entire army to destroy the plain that lay ahead of Alexander 's army . plain lay ahead of Alexander 's army 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He lodged near the hospital at 28 St Thomas 's Street in Southwark 1 +He lodged near the hospital at 28 St Thomas 's Street in Southwark , with other medical students , including Henry Stephens who became a famous inventor and ink magnate . He became 1 +He played Perker in the 1985 adaptation of `` The Pickwick Papers '' . He played Perker in the 1985 adaptation of 1 +He represented the riding of Nickel Belt in the Sudbury , Ontario area . He represented the riding of Nickel Belt in the Sudbury 1 +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . He talked to McGee about using his name 1 +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . He received permission 1 +He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family . permission is confirmed 1 +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . He was a member of the European Convention 1 +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . a drafted the text of the European Constitution 1 +He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force . the text of the European Constitution never entered into force 1 +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . Hilf al-Fudul was a 7th-century alliance 1 +Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing . a 7th-century alliance created by various Meccans , 1 +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . Aiseau was a village 1 +Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry . a village dedicated to agriculture 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst 33342 are quenched by Bromodeoxyuridine 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst 33342 is commonly used to detect dividing cells 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst 33258 are quenched by Bromodeoxyuridine 1 +Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells . Hoechst 33258 is commonly used to detect dividing cells 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . Hofmann was a below-average high school student 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . he had many hobbies including magic 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . he had many hobbies including electronics 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . he had many hobbies including chemistry 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . he had many hobbies including stamp 1 +Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting . he had many hobbies including coin collecting 1 +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . it no longer produces land mines 1 +However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs . it no longer produces cluster bombs 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Mike McGurk bears some resemblance to Tracy 's partner from the 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . Gwen Andrews provides the same kind of feminine interest as Tess Trueheart 1 +However , comic relief sidekick `` Mike McGurk '' bears some resemblance to Tracy 's partner from the strip , Pat Patton ; Tracy 's secretary , Gwen Andrews , provides the same kind of feminine interest as Tess Trueheart ; and FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon . FBI Director Clive Anderson is the same kind of avuncular superior as Chief Brandon 1 +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . Knievel lost control of the motorcycle 1 +However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman . Knievel crashed into a cameraman 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . it became far less safe for the Nationals from 1983 onward 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . strong population growth has seen it 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . it progressively lose its rural territory 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . strong population growth has reduced it to a more coastal-based division 1 +However , it became far less safe for the Nationals from 1983 onward , and strong population growth over the last three decades has seen it progressively lose its rural territory and reduced it to a more coastal-based and urbanised division . strong population growth has reduced it to a more urbanised division 1 +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . the antigenicities of the seed strains do not match 1 +However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees . the antigenicities of the wild viruses do not match 1 +If given this data , the Germans would be able to adjust their aim and correct any shortfall . the Germans would be 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the second excitation pulse is sent before 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the second excitation pulse prematurely before the relaxation 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the second excitation pulse is complete 1 +If the second excitation pulse is sent prematurely before the relaxation is complete , the average magnetization vector still points in a nonparallel direction , giving suboptimal absorption and emission of the pulse . the average magnetization vector still points in a nonparallel direction 1 +In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II . the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II 1 +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . he began a second term as Lord Chancellor 1 +In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year . a second term as Lord Chancellor ended with his death in the next year 1 +In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' . she published The Omaha Tribe 1 +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' The News was bought by the owners of Charleston 's main evening paper 1 +In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . '' The Courier was bought by the owners of Charleston 's main evening paper 1 +In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' . Barrie appeared in two episodes of 1 +In 1972 , he won from Yakutpura and later in 1978 , again from Charminar . he won from Yakutpura 1 +In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ . researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ 1 +In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' . Barrie was directed by Lee Grant in the television movie 1 +In 1977 she appeared in two television films , as the mother of Lesley Ann Warren 's character in `` 79 Park Avenue '' and as Emily McPhail in `` Tell Me My Name '' . she appeared in two television films 1 +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . Rodan became president of the American Society for Bone Research 1 +In 1987 , Rodan became president of the American Society for Bone and Mineral Research . Rodan became president of the American Society for Mineral Research 1 +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' Kelsang Gyatso became also outspoken against the Geshe Studies Programme 1 +In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . '' Kelsang Gyatso made the pursuit of his new programmes compulsory 1 +In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team . the Brumbies finished at the top of the Super 12 table 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they applied for National League Three 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they finishing in 5th place 1 +In 2006 they applied for National League Three , finishing in 5th place and qualifying for the play-offs , where they lost to St Albans Centurions . they lost to St Albans Centurions 1 +In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE . Sun announced Project Indiana 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . scam websites co-opted a photograph of her to promote health treatments 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . scam websites co-opted a photograph of her to promote the ubiquitous 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . Theuriau was initially unaware 1 +In 2010 , scam websites co-opted a photograph of her to promote health treatments , the ubiquitous `` 1 weird old tip '' belly fat diets , and penny auctions , unauthorized usage of which Theuriau was initially unaware . scam websites co-opted a photograph of her to promote penny auctions 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . major vendors launched several consumer-oriented motherboards 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset with UEFI 1 +In 2011 , major vendors launched several consumer-oriented motherboards using the Intel 6-series LGA 1155 chipset and AMD 9 Series AM3 + chipsets with UEFI . several consumer-oriented motherboards using AMD 9 Series AM3 + chipsets with UEFI 1 +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . Marcus Perperna is mentioned as one of the consulars 1 +In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial . Marcus Perperna bore testimony on behalf of Marcus Aemilius Scaurus at his trial 1 +In Canada , there are two organizations that regulate university and collegiate athletics . two organizations regulate university athletics 1 +In Canada , there are two organizations that regulate university and collegiate athletics . two organizations regulate collegiate athletics 1 +In French , `` droit '' can mean `` the whole body of the Law '' , as in the motto `` dieu et mon droit , '' which is to say `` God and my whole body of Law . '' `` droit can mean the whole body of the Law 1 +In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' . the Samaritans are called call 1 +In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World . its fulfilment will be revealed in the cumulation of Creation 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez 1 +In June , Nasser took control of the interior ministry post from Naguib loyalist Sulayman Hafez , and pressured Naguib to conclude the abolition of the monarchy . Nasser pressured Naguib to conclude the abolition of the monarchy 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . the Byrom Street cutting was a hitching point for trains being cable 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . a hitching point for trains hauled to Edge Hill via the 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . the Byrom Street cutting was a unhitching point for trains being cable 1 +In October 2009 it was confirmed that the Byrom Street cutting was a hitching and unhitching point for trains being cable hauled to Edge Hill via the Victoria Tunnel . a unhitching point for trains hauled to Edge Hill via the Victoria Tunnel 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she joined the Women 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . at the Department of the Chief posted to Moreton-in-Marsh 1 +In September 1941 , she joined the Women 's Auxiliary Air Force , working at the Department of the Chief of Air Staff as Assistant Section Officer for Intelligence duties , before being posted in July 1942 to Moreton-in-Marsh , where she was promoted to Section officer . she was promoted to Section officer 1 +In Van Howe 's study , all cases of meatal stenosis were among circumcised boys . all cases of meatal stenosis were among circumcised boys 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . novel exposed to a pathogenic extraterrestrial microbe 1 +In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive . novel survive 1 +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . a Language A occupies a given territory 1 +In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory . another Language B arrives in the same territory 1 +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' St Paul 's Cathedral were hit 1 +In addition , as John Cecil Masterman , chairman of the Twenty Committee , commented , `` If , for example , St Paul 's Cathedral were hit , it was useless and harmful to report that the bomb had descended upon a cinema in Islington , since the truth would inevitably get through to Germany ... '' the bomb had descended upon a cinema in Islington 1 +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . Boston College left the Big East Conference on July 1 1 +In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 . Boston College joined the Atlantic Coast Conference on July 1 1 +In both cases this specialized function replaces the basic rifleman position in the fireteam . this specialized function replaces the basic rifleman position in the fireteam 1 +In its first six months , RCPO concluded 858 cases convictions in 88 % of cases . RCPO concluded 858 cases convictions in 88 % of cases 1 +In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family . it is often treated as a subfamily of the Glyphipterigidae family 1 +In more recent years , this policy has apparently relaxed somewhat . this policy has apparently relaxed somewhat 1 +In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG . UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG 1 +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . a considerable number went entirely extinct after settlement by Europeans 1 +In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans . Cyprinidae of southwestern North America have been severely affected 1 +In the 1901 election , after which the Oppositionists under George Leake were able to form a minority government , Frank Wilson , formerly the member for Canning , won the seat . Frank Wilson won the seat 1 +In the 1960s and 70s most of Kabul 's economy depended on tourism . most of Kabul 's economy depended on tourism 1 +In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann . Johns took the role of the senior Nazi SS officer Adolf Eichmann 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated strong prosecution of the Union War effort 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated the end of slavery 1 +In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans . he advocated civil rights for freed African Americans 1 +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade 1 +In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 . the 5th Dragoon Guards was sent to the Black Sea in 1854 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists broke away from the Anglican church 1 +In the early 19th century the Welsh Methodists broke away from the Anglican church and established their own denomination , now the Presbyterian Church of Wales . the Welsh Methodists established their own denomination 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . the north inhabitants speak Bumthangkha 1 +In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken . inhabitants speak Bumthangkha 1 +In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois . Knievel was scheduled for a major jump in Chicago 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . God desired a dwelling place in the lower realms 1 +In this explanation the purpose of Creation is that `` God desired a dwelling place in the lower realms '' - it is man who transforms the mundane , lowest World into an abode for God 's essence . man transforms the mundane 1 +In those years , he began to collaborate with some newspapers . he began to collaborate with some newspapers 1 +Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk . the squadron later transitioned to the A-4L Skyhawk 1 +Initially his chances of surviving were thought to be no better than 50-50 . his chances of were thought to be no better than 50-50 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has long hind legs 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . it uses to communicate by making drumming noises 1 +It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises . It has a long , slender , scaly tail 1 +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . the same as the dialect spoken in Xiamen 1 +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . It is essentially the same as the dialect 1 +It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese . It is unintelligible with Standard Chinese 1 +It is not really passable , and must be done on foot if attempted . It is not really passable 1 +It is not really passable , and must be done on foot if attempted . It must be done on foot 1 +It is not really passable , and must be done on foot if attempted . It attempted 1 +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . It is part of the Surrey Hills Area of Outstanding Beauty 1 +It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way . It is situated on the Green Sand Way 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . It was named for Gen. Eleazer Wheelock Ripley 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . an officer in the War of 1812 was mainly remembered for the Battle of Lundy 's Lane 1 +It was named for Gen. Eleazer Wheelock Ripley , an officer in the War of 1812 , who was mainly remembered for the Battle of Lundy 's Lane and the Siege of Fort Erie , in 1814 . an officer in the War of 1812 was mainly remembered for the Siege of Fort Erie 1 +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . It aimed at mature entrants to the teaching profession 1 +It was originally aimed at mature entrants to the teaching profession , who could not afford to give up work and undertake a traditional method of teacher training such as the PGCE . It was originally at mature entrants to the teaching profession 1 +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . in favour of the Asian species was introduced to East Africa early in the common era 1 +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . Its cultivation even declined in favour of the Asian species 1 +Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward . species spread 1 +JAL introduced jet service on the Fukuoka-Tokyo route in 1961 . JAL introduced jet service on the Fukuoka-Tokyo route in 1961 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . James Arthur Hogue is a US impostor 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . a US impostor most famously 1 +James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan . a US impostor entered Princeton University by posing as a self-taught orphan 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . New Warworld were detonated next to the Anti-Monitor 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . even this was not 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . John Stewart brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . John Stewart brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . down New Warworld were contained created 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . John Stewart brought down the Yellow Central Power Battery 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . the Yellow Central Power Battery were detonated next to the Anti-Monitor 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . the Yellow Central Power Battery were contained created 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . Guy Gardner brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . Guy Gardner brought down New Warworld 1 +John Stewart and Guy Gardner brought down New Warworld and the Yellow Central Power Battery , which were detonated next to the Anti-Monitor , and contained by a shield created by hundreds of Green Lanterns to contain the explosion ; even this was not enough to kill him . Guy Gardner brought down the Yellow Central Power Battery 1 +Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' . Johns also appeared as an Imperial Officer in the 1980 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . Keats had a genuine desire 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . a genuine desire to become a doctor 1 +Keats 's long and expensive medical training with Hammond and at Guy 's Hospital led his family to assume he would pursue a lifelong career in medicine , assuring financial security , and it seems that at this point Keats had a genuine desire to become a doctor . he would pursue a lifelong career in medicine 1 +Keibler then asked for time off to appear on `` Dancing with the Stars '' . Keibler asked for time off to appear on 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . Kim graduated from 1 +Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 and from Oberlin College in Ohio in 1993 where he double-majored in Government and English and played for the varsity lacrosse team . he played for the varsity lacrosse team 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include Songs For Sumera 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include New Alliance 1 +Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' . Kostabi 's other releases include The Spectre Of Modernism 1 +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . Langford kept Walcott at a distance with his longer reach 1 +Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks . Langford used his footwork 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . Language B begins to supplant language A 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . language A abandon their own language in favor of the other language 1 +Language B then begins to supplant language A : the speakers of Language A abandon their own language in favor of the other language , generally because they believe that it will help them achieve certain goals within government , the workplace , and in social settings . it will help them achieve certain goals within government 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick had not been 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick had not been there 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick worked through the problems 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Will Reid Dick had not been there , 1 +Lemmy believes that if Will Reid Dick had not been there , they could have worked through the problems , but ended up exchanging a few words and Clarke left the studio . Clarke left the studio 1 +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . Lens subluxation is also seen in dogs 1 +Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens . Lens subluxation is characterized by a partial displacement of the lens 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi subsequently gave lectures across China 1 +Li Hongzhi began his public teachings of Falun Gong on 13 May 1992 in Changchun , and subsequently gave lectures and taught Falun Gong exercises across China . Li Hongzhi subsequently taught Falun Gong exercises across China 1 +Like other BBC content of the mid-1990s , it often lampooned the low-budget quality of satellite television available in the UK at the time . it often lampooned the low-budget quality of satellite television available in the UK at the time 1 +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . Luke Robert Ravenstahl is an American politician 1 +Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 . an American politician served as the 59th Mayor of Pittsburgh from 2006 until 2014 1 +Males had a median income of $ 28,750 versus $ 16,250 for females . Males had a median income of $ 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . the benefit is 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . larger ones are also excised for prevention of cancer 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . Many are surgically 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . surgically removed 1 +Many are surgically removed for aesthetics and relief of psychosocial burden , but larger ones are also excised for prevention of cancer , although the benefit is impossible to assess for any individual patient . surgically removed for relief of psychosocial burden 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . ancestors came from the Quanzhou area , especially 1 +Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home . Many overseas Chinese whose ancestors speak mainly Hokkien at home 1 +Meanwhile , the Mason City Division continued to operate as usual . the Mason City Division continued to operate as usual 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . likely occupation density produce figures between 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . Wall forts produce figures between 1 +Models , taking into account the size and room number of the barrack blocks in the Gorgan Wall forts and likely occupation density , produce figures between 15,000 and 36,000 soldiers . the room number of the barrack blocks in the Gorgan Wall forts produce figures between 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . Modern educational methods were more widely spread throughout the Empire 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the country embarked 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the country on a development scheme 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . a development scheme tempered by Ethiopian traditions 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . the country embarked on plans for modernization 1 +Modern educational methods were more widely spread throughout the Empire , and the country embarked on a development scheme and plans for modernization , tempered by Ethiopian traditions , and within the framework of the ancient monarchical structure of the state . on plans for modernization tempered by Ethiopian traditions 1 +Modernity has been blended without sacrificing on the traditional Buddhist ethos . Modernity has been blended without sacrificing on the traditional Buddhist ethos 1 +Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 . Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Moore briefly dropped Marciano in the second round 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Marciano recovered knocking him out in the ninth to retain the belt 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Marciano knocked Moore 1 +Moore briefly dropped Marciano in the second round , but Marciano recovered and knocked Moore down five times , knocking him out in the ninth to retain the belt . Moore down five times 1 +No announcement from UTV was made about the decision to close the station earlier than planned . No announcement from UTV was made about the decision to close the station earlier 1 +Noatak has a gravel public airstrip and is primarily reached by air . Noatak has a gravel public airstrip 1 +Noatak has a gravel public airstrip and is primarily reached by air . Noatak is primarily reached by air 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . Not everyone completely trusted Vakama 's vision 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . he considered the delusions of a 1 +Not everyone completely trusted Vakama 's vision - Matau was particularly frustrated at following what he considered the delusions of a `` fire-spitter '' - but with nothing else to go on they decided to track the Matoran down . they decided to track the Matoran down 1 +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . Nothing is known for 1 +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . he was brought up as a member of the Church of Scotland 1 +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . he spent some time in Argyll before leaving for the Continent 1 +Nothing is known for certain about his life before about 1580 , but contemporary or near-contemporary accounts suggest that he was brought up as a member of the Church of Scotland , spent some time in Argyll before leaving for the Continent , and was converted to Catholicism in Spain . he was converted to Catholicism in Spain 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' the epilogue was 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' the epilogue not an afterthought 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' an afterthought supplied too late for the English edition 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' it befell 1 +Obviously the epilogue was not an afterthought supplied too late for the English edition , for it is referred to in `` The Castaway '' : `` in the sequel of the narrative , it will then be seen what like abandonment befell myself . '' it is referred to in 1 +Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith . 1 individual belonged to the Christian Catholic faith 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . Garbo was requested by his German controllers to give information on the sites of V-1 impacts 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . similar requests made 1 +On 16 June 1944 , British double agent `` Garbo '' was requested by his German controllers to give information on the sites and times of V-1 impacts , with similar requests made to the other German agents in Britain , `` Brutus '' and `` Tate '' . British double agent was requested by his German controllers to give information on the times of V-1 impacts 1 +On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman . Yost was named manager of the Kansas City Royals 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . XM suspended Opie & Anthony for 30 days 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . Opie & Anthony featuring a homeless man 1 +On May 15 , 2007 , XM suspended Opie & Anthony for 30 days , in response to a broadcast featuring a homeless man who wandered into the studio . a homeless man wandered into the studio 1 +On November 2 , 2005 , Brown ended his contract early and left the federal government . Brown ended his contract early 1 +On November 2 , 2005 , Brown ended his contract early and left the federal government . Brown left the federal government 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . One candidate is a wreck at the western end of Manitoulin Island in Lake Huron 1 +One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed . another also proposed 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . One example could be Time 1 +One example could be `` Time '' , the fifth song from Pink Floyd 's 1973 album `` The Dark Side Of The Moon '' , which contains a reprise of `` Breathe '' , the first song of the same album . the fifth song from Pink Floyd 's 1973 album contains a reprise of 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Only Ballard are left 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Sergeant Jericho are killed 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . operators are killed 1 +Only Ballard and Williams are left after Sergeant Jericho and the other officers , along with the two train operators , are killed when they try to finish the fight . Only Williams are left 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Opponents of religious freedom sometimes 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Opponents of religious freedom referred to it as `` Rogue 1 +Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . '' Cotton Mather called it 1 +Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape . Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include mild conjunctival redness 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include vitreous humour degeneration 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens subluxation include prolapse of the vitreous into the anterior chamber 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens include an increase of anterior chamber depth 1 +Other signs of lens subluxation include mild conjunctival redness , vitreous humour degeneration , prolapse of the vitreous into the anterior chamber , and an increase or decrease of anterior chamber depth . Other signs of lens include an decrease of anterior chamber depth 1 +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . Pakistan Chrome Mines Ltd. is a mining company 1 +Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan . a mining company incorporated in the Islamic Republic of Pakistan 1 +Parental investment is any expenditure of resources to benefit one offspring . Parental investment is any expenditure of resources to benefit one offspring 1 +Piffaro generally performs a concert series of four to five concerts a year in Philadelphia , in addition to touring throughout the United States , Canada , Europe and elsewhere . Piffaro generally performs a concert series of four to five concerts a year in Philadelphia 1 +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . Plants have been planted marking parts of the foundations of the castle 1 +Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred . the positions of some of the buildings can 1 +Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season . the Royals signed Yost to a contract extension through the 2013 1 +Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . '' the Player could only call one of four available 1 +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . Proliferative nodules are usually biopsied 1 +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . Proliferative nodules are regularly found to be benign 1 +Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign . Proliferative nodules are not systematically found to be benign 1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . RedHat engineers identified problems with ProPolice 1 +RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 . RedHat engineers re-implemented stack-smashing protection for inclusion in GCC 4.1 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . Reptiles identified during surveys 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . Reptiles include marbled geckos on both island groups 1 +Reptiles identified during surveys include marbled geckos on both island groups while the following are limited to the main island in the Northern group - four-toed earless skink , bull skinks and western brown snakes . the following are limited to the main island in the Northern group 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Results like these indicate acoustic mimicry complexes 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . Batesian may be widespread in the auditory world 1 +Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world . acoustic mimicry complexes may be widespread in the auditory world 1 +Returning home , Ballard delivers her report , which her superiors refuse to believe . Ballard delivers her report 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . Russell is a retired English international cricketer 1 +Robert Charles `` Jack '' Russell , MBE , is a retired English international cricketer , now known for his abilities as an artist , as a cricket wicketkeeping coach , and a football goalkeeping coach . a retired English international cricketer now known for his abilities a football goalkeeping coach 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . San Francisco 's diversity of cultures along with its are 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . they influenced the country over the years 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . they have greatly 1 +San Francisco 's diversity of cultures along with its eccentricities are so great that they have greatly influenced the country and the world at large over the years . they influenced the world at large over the years 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . Scarpetta returns 1 +Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus . she was fired from her position 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . Several isomers of octene are known on the position of the double bond in the carbon chain 1 +Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain . Several isomers of octene are known geometry of the double bond in the carbon chain 1 +She died in October 1915 of a heart attack . She died in October 1915 of a heart attack 1 +She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant . She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant 1 +She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars . She published more than 15 research publications 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She returned to that Thames River base 9 February 1931 1 +She returned to that Thames River base 9 February 1931 and for the remainder of the decade served as a training ship primarily for the Submarine School at New London and occasionally for NROTC units in the southern New England area . She served as a training ship 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She be rebuilt on 9 March 1724 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She was ordered to on 9 March 1724 1 +She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey . She was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey 1 +Shea was born on September 5 , 1900 in San Francisco , California . Shea was born on September 5 1 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . Richmond has won ten premierships 1 +Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 . the most recent victory being in 1980 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . extra payments were specified 1 +Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties . a freed slave could liberate 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . knowledge in the event affects the level of personal importance for the individual 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . the level of personal importance for the individual affects 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . interest in the event affects the level of personal importance for the individual 1 +Specifically , knowledge and interest in the event affects the level of personal importance for the individual , which also affects the individual 's level of emotional arousal . the level of personal importance for the individual affects the individual 's level of emotional arousal 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . Spennymoor Town F.C. are the main local football team 1 +Spennymoor Town F.C. are the main local football team and won the FA Carlsberg Vase , after winning 2-1 in the final at Wembley Stadium against Tunbridge Wells in May 2013 . Spennymoor Town F.C. won the FA Carlsberg Vase 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . Sukhum functioned as the capital of the 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . Abkhaz Soviet Socialist Republic associated with the Georgian 1 +Sukhum functioned as the capital of the `` Union treaty '' Abkhaz Soviet Socialist Republic associated with the Georgian SSR from 1921 until 1931 , when it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian SSR . it became the capital of the Abkhazian Autonomous Soviet Socialist Republic within the Georgian 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . Superboy-Prime flew 1 +Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest and hurled his shattered body into space . Superboy-Prime hurled his shattered body into space 1 +Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously . Swinburne moves in his writing program from the philosophical to the theological 1 +Team Racing is a NASCAR Craftsman Truck Series team . Team Racing is a NASCAR Craftsman Truck Series team 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . one lasted two years 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague in Venice caused Franco to leave the city 1 +That same year saw an outbreak of plague in Venice , one that lasted two years and caused Franco to leave the city and to lose many of her possessions . an outbreak of plague in Venice caused Franco to lose many of her possessions 1 +The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 . The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 1 +The Acrolepiidae family of moths are also known as False Diamondback moths . The Acrolepiidae family of moths known as False Diamondback moths 1 +The Acrolepiidae family of moths are also known as False Diamondback moths . The Acrolepiidae family of moths are also as False Diamondback moths 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . The Alarm are an alternative rock/new wave band 1 +The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 . an alternative rock/new wave band formed in Rhyl 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . The Bourbons built additional reception rooms 1 +The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules . The Bourbons reconstructed the Sala d'Ercole 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Alcohol formed in 1886 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Alcohol is a federal law enforcement organization within the United States Department of Justice 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Tobacco formed in 1886 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Tobacco is a federal law enforcement organization within the United States Department of Justice 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Firearms formed in 1886 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Firearms is a federal law enforcement organization within the United States Department of Justice 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Explosives formed in 1886 1 +The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice . The Bureau of Explosives is a federal law enforcement organization within the United States Department of Justice 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . The CRZ was organized by the Nepal members of the Naxalite movement 1 +The CRZ was organized by the Nepal and Indian members of the Naxalite movement , in a meeting at Siliguri in the Indian State of West Bengal during August 2001 . The CRZ was organized by the Indian members of the Naxalite movement 1 +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . The Charles City equipment was transferred to Mason City to replace equipment 1 +The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire . The Charles City equipment burned in the November 24 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Hamburg Concathedral with chapterhouse courts formed a 1 +The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too . The Hamburg Concathedral with capitular residential courts formed a `` Cathedral Immunity District 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel located in Welland 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . The Main Street Tunnel is an underwater tunnel 1 +The Main Street Tunnel , located in Welland , Ontario , Canada , is an underwater tunnel , carrying Niagara Road 27 and the unsigned designation of Highway 7146 under the Welland Canal . an underwater tunnel carrying Niagara Road 27 under the Welland Canal 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . The Nadvorna dynasty is 1 +The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes . many of its descendants become rebbes 1 +The PAC bulletins were widely distributed at these meetings . The PAC bulletins distributed at these meetings 1 +The PAC bulletins were widely distributed at these meetings . The PAC bulletins were widely at these meetings 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . The Persian contingent was 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . The Persian contingent supposed to guard the defile 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . the defile soon abandoned 1 +The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems . Alexander passed through without any problems 1 +The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D . The Rev. William Alfred Quayle was honored by his alma mater 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust formed in 1968 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust has its headquarters in Sudbury 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust formed 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . The River Stour Trust has a purpose built Visitor Centre 1 +The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock . a purpose built Visitor Centre located at Cornard Lock 1 +The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations . The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . The Summer Programs Office runs these programs 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . many Wardlaw-Hartridge Students attend camp over the summer 1 +The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer . many Wardlaw-Hartridge Students attend classes over the summer 1 +The Triple-A Baseball National Championship Game was established in 2006 . The Triple-A Baseball National Championship Game was established in 2006 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . all private television stations dedicate at least 25 % of their airtime to programs 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . all private television stations created by community groups 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . all private television stations created by non-profits 1 +The Venezuelan government required that all private television stations dedicate at least 25 % of their airtime to programs created by community groups , non-profits , and other independent producers . programs created by other independent producers 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . The Wilbur Cross Highway ended in Sturbridge 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . locals sometimes call 1 +The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' . locals sometimes call portions of Mashapaug Road 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . The `` Charleston Courier founded in 1803 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . in 1803 merged to form 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . `` Charleston Daily News founded merged to form 1 +The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 . `` Charleston Daily News merged to form 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . The album produced by Roy Thomas Baker 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . by Roy Thomas Baker was promoted with American tours 1 +The album , produced by Roy Thomas Baker , was promoted with American and European tours . by Roy Thomas Baker was promoted with European tours 1 +The canal was dammed off from the river for most of the construction period . The canal was dammed off from the river for most of the construction period 1 +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . The car used in `` Stealth 1 +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . The car was a band member 's car 1 +The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot . in `` Stealth was recorded just outside the studio in the parking lot 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . The city was founded by the Western Town Lot Company in 1880 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . The city named Nordland 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . the platted streets given Norwegian names 1 +The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names . The city was originally Nordland 1 +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . The closest Watson was 1 +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . Republicans had 12 seats in the State House in 2003 1 +The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 . The closest Watson ever got 1 +The community is served by the United States Postal Service Hinsdale Post Office . The community is served by the United States Postal Service Hinsdale Post Office 1 +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 1 +The diocese was originally erected as the Prefecture Apostolic of Hpyeng-yang on 17 March 1927 , and renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 . The diocese was renamed as the Prefecture Apostolic of Peng-yang on 17 March 1929 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on food industries 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on electronic industries 1 +The economy of Ostrov is based on food , electronic , and textile industries . The economy of Ostrov is based on textile industries 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine had twin turbochargers 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine produced an advertised at 5700 rpm 1 +The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost . The engine produced of torque on 8 lbs of boost 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic 1 +The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label . The ensemble has extensive recordings under their own label 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . specimens were collected 1 +The establishment of a museum had first been planned in 1821 by the Philosophical Society of Australasia , and although specimens were collected , the Society folded in 1822 . the Society folded in 1822 1 +The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors . The extension of the University Library can be found on the second floor 1 +The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard . The external gauge is usually readable directly 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . The failure of 1st Armored would have important consequences in later action against German forces in Tunisia 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . The failure of 1st Armored to deploy as a single entity 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . as would important consequences in later action against German forces in Tunisia 1 +The failure of 1st Armored to arrive intact and deploy as a single entity would have important consequences in later action against German forces in Tunisia . The failure of 1st Armored have important consequences in later action against German forces in Tunisia 1 +The field at the Lake Elsinore Diamond is named the Pete Lehr Field . The field at the Lake Elsinore Diamond is named the Pete Lehr Field 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . The first comes from 1 +The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics . Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics 1 +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . The first five laps would be added to the second part of the race 1 +The first five laps would be added to the second part of the race and the overall result would be decided on aggregate . the overall result would be decided on aggregate 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library in Huntington Beach opened in 1909 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library in Huntington Beach evolved to a five location library system 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library in Huntington Beach has since to a five location library system 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library in Huntington Beach since to a five location library 1 +The first library in Huntington Beach opened in 1909 and has since evolved to a five location library system : Central , Main Street , Oak View , Helen Murphy , and Banning . The first library in Huntington Beach has evolved to a five location library system 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates in East Asia 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . the group played Tokyo , Osaka , Fukuoka 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Singapore 1 +The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , and Southeast Asia including Jakarta , Manila as well as Singapore and Guam . The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Guam 1 +The founder had pledged himself to honour the Blessed Virgin in a special manner . The founder had pledged himself to honour the Blessed Virgin in a special manner 1 +The fundraiser was successful , and the trip occurred from June through September of 2014 . The fundraiser was 1 +The fundraiser was successful , and the trip occurred from June through September of 2014 . the trip occurred from June of 2014 1 +The fundraiser was successful , and the trip occurred from June through September of 2014 . the trip occurred from September of 2014 1 +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . The fuselage had an oval cross-section 1 +The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine . The fuselage housed a water-cooled inverted-V V-12 engine 1 +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . The gauge sender is usually a magnetically coupled arrangement 1 +The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge . a float arm inside the tank rotating rotates 1 +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . The insurer sponsored the golf tournament 1 +The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 . the golf tournament known as the New Orleans Open beginning in 1981 1 +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . two weeks starting in the end of August 1 +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . two weeks reserved for the Dartmouth First-Year Trips 1 +The lodge is open from mid-May to mid-October , with two weeks starting in the end of August reserved for the Dartmouth First-Year Trips . The lodge is open from mid-May to mid-October 1 +The opening credits sequence for the collection was directed by Hanada Daizaburo . The opening credits sequence for the collection was directed by Hanada Daizaburo 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the provost 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the Carl H. Pforzheimer University Professor 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the deans or designees from the following Schools : Harvard Business School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the deans or designees from the following Schools : Harvard Law School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the deans or designees from the following Schools : Harvard Medical School 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the deans or designees from the following Schools : the Faculty of Arts 1 +The permanent members are the provost , the Carl H. Pforzheimer University Professor and the deans or designees from the following Schools : the Faculty of Arts and Sciences , Harvard Business School , Harvard Law School and Harvard Medical School . The permanent members are the deans or designees from the following Schools : the Faculty of Sciences 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars in a line on its both sides are according to Doric style 1 +The pillars in a line on its both sides are according to Doric or Greek style and their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu . The pillars in a line on its both sides are according to 1 +The race is in mixed eights , and usually held in late February / early March . The race is in mixed eights 1 +The race is in mixed eights , and usually held in late February / early March . The race is usually held in late February 1 +The race is in mixed eights , and usually held in late February / early March . The race is usually held in early March 1 +The rapids at the head of the South Fork were removed in 1908 . The rapids at the head of the South Fork were removed in 1908 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Inferno Red 1 +The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat . The redesigned 2006 Ram SRT-10 came in Brilliant Black Crystal Clear Coat 1 +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . The residue can be reprocessed for more dripping 1 +The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock . The residue can be strained through a cheesecloth lined sieve as an ingredient for a fine beef stock 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . rest of the group reach a small shop 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . the crocodile breaks through a wall 1 +The rest of the group reach a small shop , where Brady attempts to phone the Sheriff , but the crocodile breaks through a wall and devours Annabelle . the crocodile devours Annabelle 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . The restrictions recall the cessation of the on the Temple Altar with the destruction of the Temple 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . 's recall the cessation of Korban Tamid '' 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . 's recall the cessation of the `` Nesach Hayayin 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . 's recall the cessation of the on the Temple Altar with the destruction of the Temple 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . 's recall 1 +The restrictions against eating meat and drinking wine , besides reducing a person 's pleasure , recall the cessation of the `` Korban Tamid '' and the `` Nesach Hayayin '' on the Temple Altar with the destruction of the Temple . 's recall the cessation of the 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders climbed off shouting protests in general 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders began walking 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders climbed off 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . he been 1 +The riders climbed off and began walking , shouting protests in general and in particular abuse at the race doctor , Pierre Dumas , whom some demanded should also take a test to see if he 'd been drinking wine or taking aspirin to make his own job easier . The riders began walking 1 +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . The second was named 1 +The second was named after former US President George H. W. Bush stayed aboard in November 1995 . former US President George H. W. Bush stayed aboard in November 1995 1 +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . The second was titled Consider Her Ways 1 +The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh . The second starred Barrie as the lead 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . The site consists of three subterranean Grotto follies 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . of three subterranean Grotto follies constructed in the 18th century 1 +The site consists of three subterranean Grotto follies , constructed in the 18th century , split between two areas , one on the western side of the lake , at and one on the eastern side at . in the 18th century split 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . The staff provides a family-style , home-cooked dinner every night 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner every night is attended not only by Dartmouth students 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner every is attended not only by community members 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner every night is attended not only by Appalachian Trail thru-hikers 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , is attended not only by tourists 1 +The staff provides a family-style , home-cooked dinner every night , which is attended not only by Dartmouth students , but by community members , Appalachian Trail thru-hikers , tourists , and even Dartmouth professors . a family-style , home-cooked dinner every night is attended not only by even Dartmouth professors 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The station has a concourse area 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . a concourse area was internally redesigned in mid-2012 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . a concourse area was reopened in mid-2012 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . The station has a ticket office area 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . a ticket office area was internally redesigned in mid-2012 1 +The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 . a ticket office area was reopened in mid-2012 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . The stations were both 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . both called 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station was renamed as Midsomer Norton South 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station is currently being restored 1 +The stations were both called `` Midsomer Norton and Welton '' ; under British Railways , the S&D station was renamed as Midsomer Norton South after a short period as Midsomer Norton Upper ; and is currently being restored with occasional open weekends with engines in steam . the S&D station was renamed 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . The stock pot should be chilled 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . the solid lump of dripping settles when 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . the solid lump of dripping chilled should be scraped clean for future use 1 +The stock pot should be chilled and the solid lump of dripping which settles when chilled should be scraped clean and re-chilled for future use . the solid lump of dripping chilled should be re-chilled for future use 1 +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . they conspired to fix prices for e-books 1 +The suit alleged that they conspired to fix prices for e-books , and weaken Amazon.com 's position in the market , in violation of antitrust law . they conspired to weaken Amazon.com 's position in the market 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . The third known version is part number 2189014-00-212 1 +The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 . at least one model being produced in February 1993 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . The town was served by a station on the Somerset Railway 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . The town was served by a station on the Dorset Railway 1 +The town was previously served by a station on the Somerset and Dorset Railway but this closed in 1966 , and by a second station on the Bristol and North Somerset Railway at Welton in the valley . The town was served in 1966 1 +The very large piers at the crossing signify that there was once a tower . The very large piers at the crossing signify 1 +The video was the first ever to feature the use of dialogue . The video was the first ever to feature the use of dialogue 1 +Their mission was always for a specific mandate and lasted for a limited period . Their mission was always for a specific mandate 1 +Their mission was always for a specific mandate and lasted for a limited period . Their mission lasted for a limited period 1 +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . Their numbers continued to increase each year 1 +Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media . rumours about immigration restrictions appeared in much of the Cypriot media 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of olive oil 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of vinegar 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of sugar 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of garlic 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of chill peppers 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of lots of parsley 1 +Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery . the fillets are put in a mix of lots of celery 1 +There have been two crashes involving fatalities at the airfield since it was established . two crashes involving fatalities at the airfield since it 1 +There have been two crashes involving fatalities at the airfield since it was established . fatalities at the airfield was established 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . it closed in October 2008 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . the building reopened as Keld Lodge 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . the building has since as Keld Lodge 1 +There used to be a Youth Hostel but it closed in October 2008 and the building has since reopened as Keld Lodge , a hotel with bar and restaurant . the building has reopened as Keld Lodge 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . There had 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 49.7 % were married couples living together 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . % had 1 +There were 143 households out of which 30.1 % had children under the age of 18 living with them , 49.7 % were married couples living together , 11.9 % had a female householder with no husband present , and 36.4 % were non-families . 36.4 % were 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 56.30 % were 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 7.50 had 1 +There were 47,604 households out of which 35.00 % had children under the age of 18 living with them , 56.30 % were married couples living together , 7.50 % had a female householder with no husband present , and 32.50 % were non-families . 32.50 % were 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 31.7 % were 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 31.5 % had with no husband present 1 +There were 6,524 households out of which 35.3 % had children under the age of 18 living with them , 31.7 % were married couples living together , 31.5 % had a female householder with no husband present , and 30.6 % were non-families . 30.6 % were 1 +These and other attempts supplied a bridge between the literature of the two languages . These supplied a bridge between the literature of the two languages 1 +These and other attempts supplied a bridge between the literature of the two languages . other attempts supplied a bridge between the literature of the two languages 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These are visually very similar to part number 2189014-00-211 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . very similar to part number 2189014-00-211 bearing 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . macro programming requiring the control key 1 +These are visually very similar to part number 2189014-00-211 , with the same AT style plug and chassis , silver label on the reverse bearing the AnyKey moniker , screws holding the keyboard together , macro programming requiring the control key , and lacking the AnyKey inscription on their face . These are visually very similar to part number 2189014-00-211 1 +These beams stem from a cosmic energy source called the `` Omega Effect '' . These beams stem from a cosmic energy source 1 +These beams stem from a cosmic energy source called the `` Omega Effect '' . These beams called the `` Omega Effect 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These orientations allow easy movement 1 +These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally . These orientations lowers entropy minimally 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were aided by Britain 's continental enemies for their own ends 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . These were often related to European conflict 1 +These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends . the Stuart Pretenders were encouraged by Britain 's continental enemies for their own ends 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat 1 +They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships . They beat Webber International 1-0 to win the NAIA National Championships 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . They have included some of the most dangerous assassins in the world including Lady Shiva 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . They have included some of the most dangerous assassins in the world including David Cain 1 +They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn . They have included some of the most dangerous assassins in the world including Merlyn 1 +They usually go through a period of dormancy after flowering . They usually go through a period of dormancy after flowering 1 +This attire has also become popular with women of other communities . This attire has also become popular with women of other communities 1 +This engine was equipped with an electronically controlled carburetor . This engine was equipped with an electronically controlled carburetor 1 +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . This had considerable implications for the Welsh language 1 +This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales . it was the main language of the nonconformist churches in Wales 1 +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . This is most common in Western countries in those with Barrett 's esophagus 1 +This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells . This occurs in the cuboidal cells 1 +This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 . This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman strength 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman speed 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman reflexes 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman agility 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman flexibility 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman dexterity 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman coordination 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman balance 1 +This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance . This mutation gives him superhuman endurance 1 +This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers . This policy was opposed by the miners 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina organized employed up to 40 helpers 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina organized continued 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina led employed up to 40 helpers 1 +To assist the pope in the many calls for his help and charity , Pascalina organized and led the `` Magazzino '' , a private papal charity office which employed up to 40 helpers and continued until 1959 . Pascalina led continued 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks to live together in the Bluth model home with him 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks to live together in the Bluth model home with George Michael 1 +To keep the family together , Michael asks his self-centered twin sister Lindsay , her husband Tobias and their daughter Maeby to live together in the Bluth model home with him and George Michael . Michael asks Tobias to live together in the Bluth model home with him 1 +To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs . God the has no needs 1 +Total ` Fresh Food Story ' constructed at the end of the North Mall . Total ` Fresh Food Story constructed at the end of the North Mall 1 +Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career . R-11 continued her training ship duties throughout the remainder of her career 1 +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . Trumbull being the sole special-effects creator for 2001 1 +Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 . Trumbull was often incorrectly credited in print as 1 +Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern . Ladd is the mother of actress Laura Dern 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod 1 +Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg . Two seats were won by the Labor-Progressive Party on its own with the re-election of J.B. Salsberg 1 +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . Tyabb has Tyabb Airport 1 +Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years . a private airfield has been operating for more than thirty years 1 +Under the Comanche program , each company built different parts of the aircraft . each company built different parts of the aircraft 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he is not a figure of authority 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . he is not a yeoman 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . a yeoman prefers his small beer 1 +Unlike Uncle Sam later , he is not a figure of authority but rather a yeoman who prefers his small beer and domestic peace , possessed of neither patriarchal power nor heroic defiance . a yeoman prefers his domestic peace 1 +Unruly passengers are often put off here to be taken into custody . Unruly passengers are often put off into custody 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . they compete in separate categories 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . Wakeboarding is practiced by both men at the competitive level 1 +Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories . Wakeboarding is practiced by both women at the competitive level 1 +Watson has served as Minority Leader since elected by his caucus in November 1998 . Watson has served as Minority Leader since 1 +Watson has served as Minority Leader since elected by his caucus in November 1998 . Watson elected by his caucus in November 1998 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . Watson was the founder of 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . an online journal of media criticism launched in January 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . an online journal of media criticism shuttered in June 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . the founder of launched in January 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . an online journal of arts criticism shuttered in June 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . Watson was the editor of 1 +Watson was the founder and editor of `` newcritics.com , '' an online journal of media and arts criticism launched in January , 2007 and shuttered in June , 2009 . an online journal of arts criticism launched in January 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . civilian government was introduced in Romblon by the Americans in 16 March 1901 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . Banton was one of 11 new municipalities 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . one of 11 new municipalities reinstated 1 +When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created . one of 11 new municipalities created 1 +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . the explosion tore 1 +When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived . no one in the room could have survived 1 +While pursuing his MFA at Columbia in New York , Scieszka painted apartments . Scieszka painted apartments 1 +Why the `` Epilogue '' is missing is unknown . the `` Epilogue is missing 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require the development of recognized standards 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require significant increases in the cost of conventional energy 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require more government incentives 1 +Wide acceptance of zero-energy building technology may require more government incentives or building code regulations , the development of recognized standards , or significant increases in the cost of conventional energy . Wide acceptance of zero-energy building technology may require more building code regulations 1 +With no assigned task , the Cosmos expressed concern for what Battra might do . the Cosmos expressed 1 +With no assigned task , the Cosmos expressed concern for what Battra might do . Battra might do 1 +With the help of Morena , the goddess of the underworld , she has captivated Yaromir . she has captivated Yaromir 1 +With this act , Russia was officially transformed from an absolute monarchy into a constitutional one , though the exact extent of just `` how '' constitutional quickly became the subject of debate , based upon the emperor 's subsequent actions . Russia was officially transformed from an absolute monarchy into a constitutional one 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . Big Gun Model Warship combat clubs have 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . cannon caliber to be scaled according to that 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . cannon caliber existed on the prototype vessel 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . armor thickness existed on the prototype vessel 1 +With versions in 1/48 , 1/72 , 1/96 , and 1/144 scale , Big Gun Model Warship combat clubs have rules that make provisions for cannon caliber and armor thickness to be scaled according to that which existed on the prototype vessel . cannon caliber to be scaled existed on the prototype vessel 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Wright was the subject of 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . he was surprised by Eamonn Andrews 1 +Wright was the subject of `` This Is Your Life '' on two occasions : in May 1961 when he was surprised by Eamonn Andrews , and in January 1990 , when Michael Aspel surprised him at Thames Television 's Teddington Studios . Michael Aspel surprised him at Thames Television 's Teddington Studios 1 +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . Black Water became one of the few records by any act 1 +`` Black Water '' became one of the few records by any act released as a B-side to another Hot 100 hit `` before '' topping the Hot 100 itself . one of the few records by any act released as a B-side to another Hot 100 hit 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Greenfish was launched by the Electric Boat Co. 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . `` Greenfish was sponsored by Mrs. Thomas J. Doyle 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Greenfish was commissioned 7 June 1946 1 +`` Greenfish '' was launched by the Electric Boat Co. , Groton , Conn. , 21 December 1945 ; sponsored by Mrs. Thomas J. Doyle ; and commissioned 7 June 1946 , Comdr. R. M. Metcalf commanding . Comdr. commanding 1 +`` It started from modest beginnings and became a gigantic charity '' . It started from modest beginnings 1 +`` It started from modest beginnings and became a gigantic charity '' . It became a gigantic charity 1 +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . Le Griffon is reported 1 +`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters . Le Griffon to be the 1 +`` The Cure '' topped the online music sales charts . `` The Cure topped the online music sales charts 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he was supported 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he was without any supplement from church position 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he supported 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . concert organists worldwide supported 1 +he was one of only a few concert organists worldwide who supported themselves exclusively by giving recitals , concerts and master classes , without any supplement from teaching or church position . he supported themselves exclusively by giving master classes 1 +$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd . $ 300 million due Nov. 16 1 +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) the Senate passed a bill 1 +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) a bill permitting execution of terrorists 1 +( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . ) execution of terrorists kill Americans abroad 1 +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . he complains 1 +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . it left grease marks on his carpet 1 +A San Francisco lawyer , Mr. Panelli rowed religiously when he first got the machine , but , he complains , it left grease marks on his carpet , `` and it was boring . it was boring 1 +A half - dozen Soviet space officials , in Tokyo in July for an exhibit , stopped by to see their counterparts at the National Space Development Agency of Japan . A half - dozen Soviet space officials stopped 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . Beatrice first filed to sell debt 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . the company had planned 1 +A month ago , when Beatrice first filed to sell debt , the company had planned to offer $ 200 million of its senior subordinated reset notes at a yield of 12 3\/4 % . the company to offer $ 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . impossible to apply to other crops 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . A similar technique is almost impossible to 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . A similar technique is almost impossible to 1 +A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice . almost impossible to apply to other crops 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . A specialist is an exchange member 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . an exchange member designated to maintain a fair market in a specified stock 1 +A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock . an exchange member designated to maintain a orderly market in a specified stock 1 +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for 1 +A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33 % of Telerate it does n't already own . 33 % of Telerate does n't 1 +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . UniFirst earned $ 2.4 million 1 +A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split . UniFirst earned 24 cents a share adjusted for the split 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . billion be tied up in the short - term money market 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . short - acts both as a hedge against inflation for consumers 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . billion is estimated to in the short - term money market 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . - acts as an accelerator of inflation for the government 1 +About $ 70 billion is estimated to be tied up in the short - term money market , which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government . money acts as an accelerator of deficits for 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . group led 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . it owes to investment bankers 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the led 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . it owes to law firms 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . it owes to banks 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the led owes to investment bankers 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the led owes to law firms 1 +According to one person familiar with the airline , the buy - out group -- led by United 's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers , law firms and banks . the led owes to banks 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was elected to his first 10 - year term as judge in 1971 1 +After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected . he was effectively re - elected 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time 1 +Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . '' the Gauguin may be lost 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . the Treasury will announce details of the November refunding tomorrow 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . it could be delayed 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . Congress fail to increase the Treasury 's borrowing capacity 1 +Although the Treasury will announce details of the November refunding tomorrow , it could be delayed if Congress and President Bush fail to increase the Treasury 's borrowing capacity . President Bush fail to increase the Treasury 's borrowing capacity 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . reporters will strain 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . the public has always been fascinated by gossip 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . the public has always been fascinated by voyeurism 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain for creative angles to justify the inclusion of collateral facts about private lives including activities of family members 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . the public has always been fascinated by gossip 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . reporters will strain for creative angles to justify the inclusion of collateral facts about private lives including domestic relationships 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . fascinated by gossip will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about mental health 1 +And , since the public has always been fascinated by gossip and voyeurism , reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships , activities of family members , and all matters about mental and physical health . editors will strain for creative angles to justify the inclusion of collateral facts about private lives including all matters about physical health 1 +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . Dewar 's gave discounts on Scottish merchandise to people 1 +And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels . discounts on Scottish merchandise to people sent 1 +And he got rid of low - margin businesses that just were n't making money for the company . he got rid of low - margin businesses 1 +Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis : Annualized interest rates on certain investments reported by the Federal Reserve Board on a weekly - average basis 1 +As of Sept. 30 , American Brands had 95.2 million shares outstanding . American Brands had million shares 1 +As of Sept. 30 , American Brands had 95.2 million shares outstanding . million shares outstanding 1 +As the London trading session drew to a close , the market was still listening to the parliamentary debate on the economy , with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues . the market was still listening to the parliamentary debate on the economy 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . sales have tripled since the company 1 +At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 . the company entered the U.S. mountain - bike business in 1987 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . almost all of the shares in the 20 mimics the industrial average 1 +At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher . the industrial average were sharply higher 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . patients require less attention from nurses 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . room charges are 1 +Because patients require less attention from nurses and other staff , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital . patients require less attention from other staff 1 +Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator . certain areas in subjects ' brains are jolted with a magnetic stimulator 1 +Both reflect the dismissal of lower - level and shorter - tenure executives . Both reflect the dismissal of lower - level executives 1 +Both reflect the dismissal of lower - level and shorter - tenure executives . Both reflect the dismissal of shorter - tenure executives 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds ended moderately higher 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds encouraged by a steadier pound 1 +British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks . British government bonds encouraged by a rise in British stocks 1 +But , with the state offering only $ 39,000 a year and California 's high standard of living , `` there are n't too many to choose from , '' says Brent Scott , a recruiting officer . the state n't too many to choose from 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . the golden share has been waived 1 +But although the golden share has been waived , a hostile bidder for Jaguar would still have to alter the British concern 's articles of association which ban shareholdings of more than 15 % . the British concern 's articles of association ban shareholdings of more than 15 % 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new accounts of stock funds are all up this month from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . new sales of stock funds are all up this month from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . inquiries of stock funds are all up this month from September 's level 1 +But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level . subsequent sales of stock funds are all up this month from September 's level 1 +But it appears to be the sort of hold one makes while heading for the door . one makes while heading for the door 1 +But it appears to be the sort of hold one makes while heading for the door . it appears to be 1 +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . it does 1 +But it does that at the cost of deepening the taxpayer 's exposure if the FHA is forced to pay for more loans going sour . the FHA is forced to pay for more loans going sour 1 +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . Judge O'Kicki often behaved like a man 1 +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . Judge O'Kicki would be king 1 +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . Judge O'Kicki often behaved 1 +But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one . a man would be an abusive one 1 +But when they arrived at the door , all were afraid to go in , fearing that they would be out of place . they arrived at the door 1 +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . wire transfers from a standing account reported 1 +But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported . wire transfers from a standing account are n't 1 +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . it uses from 66 to 1 +By increasing the number of PCs it uses from 66 to 1,000 , Omron Tateishi Electronics Co. , of Kyoto , hopes not only to make certain tasks easier but also to transform the way the company is run . Omron Tateishi Electronics Co. hopes is run 1 +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . Combined PC use in Japan will jump as much as 25 % annually over the next five years 1 +Combined PC and work - station use in Japan will jump as much as 25 % annually over the next five years , according to some analysts , compared with about 10 % in the U.S. . Combined work - station use in Japan will jump as much as 25 % annually over the next five years 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Bert Campaneris once Oakland 's master thief 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Oakland 's master thief effortlessly scoops up a groundball 1 +Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second . Oakland 's master thief effortlessly flips it to second 1 +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . the number of balloonists have passed a Federal Aviation Authority lighter - than - air test 1 +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . a have swelled from a couple hundred to several thousand 1 +During the past 25 years , the number of balloonists ( those who have passed a Federal Aviation Authority lighter - than - air test ) have swelled from a couple hundred to several thousand , with some estimates running as high as 10,000 . some estimates running as high as 1 +Each company 's share of liability would be based on their share of the national DES market . Each company 's share of liability would be based on their share of the national DES market 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . securities trust created for Japanese investors 1 +Earlier this year , Blackstone Group , a New York investment bank , had no trouble selling out a special $ 570 million mortgage - securities trust it created for Japanese investors . a New York investment bank had no trouble selling out a special $ 570 million mortgage 1 +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . Mr. Sider an estate lawyer 1 +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . estate pores over last wills 1 +Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments . an estate lawyer pores over testaments 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . Employers could 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . training wage are up to 19 years old 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . Employers also pay a subminimum 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . Employers could also for another 90 days 1 +Employers could also pay a subminimum `` training wage '' for 90 days to new workers who are up to 19 years old , and then for another 90 days if the company institutes a specific training program for the newcomers . the company institutes a specific training program for the newcomers 1 +Feeling the naggings of a culture imperative , I promptly signed up . I promptly signed up 1 +Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum . Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum 1 +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . Mitsubishi Estate has no plans 1 +Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board . no to interfere with Rockefeller 's management beyond taking a place on the board 1 +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . First Boston incurred millions of dollars of losses on Campeau securities it 1 +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . millions of dollars of losses on Campeau securities it owned as well as on special securities 1 +First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell . millions of dollars of losses on Campeau securities it could n't sell 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . a passenger can fly from Chardon 1 +For example , a passenger can fly from Chardon , Neb. , to Denver for as little as $ 89 to $ 109 , according to prices quoted by the company . to Denver for as little as $ 89 to $ 109 quoted by the company 1 +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . wage increases as large as granted to nonunion workers 1 +For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers . unions have n't managed to win wage increases as large as 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave also has interests in packaging 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in packaging holds the Coke licenses for Malaysia 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . per - capita consumption is n't as high as in Singapore 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in packaging holds the Coke licenses for Brunei 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave also has interests in beer 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in beer holds the Coke licenses for Malaysia 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in beer holds the Coke licenses for Brunei 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave also 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave has interests in dairy products 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in dairy products holds the Coke licenses for Malaysia 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . Fraser & Neave also has interests in dairy products 1 +Fraser & Neave , which also has interests in packaging , beer and dairy products , holds the Coke licenses for Malaysia and Brunei , where per - capita consumption is n't as high as in Singapore . interests in dairy products holds the Coke licenses for Brunei 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi was appointed president of this financially troubled department store chain 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Frank Robertson is 1 +Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early . Hani Zayadi was appointed chief executive officer of this financially troubled department store chain 1 +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . any legal authority would justify such an injunction 1 +He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction . the plaintiffs failed to cite any legal authority 1 +He also unfortunately illustrated this intricate , jazzy tapestry with Mr. Pearson 's images , this time of geometric or repeating objects , in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich 's piece and Mr. Stoltzman 's elegant execution of it . He illustrated this intricate , jazzy tapestry with Mr. Pearson 's images 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . He discovered a 75 - cent discrepancy in the charges 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . discrepancy in the charges made to various departments for computer time 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . He traced it to a user 1 +He discovered a 75 - cent discrepancy in the charges made to various departments for computer time and traced it to a user named `` Hunter , '' who had no valid billing address . it had no valid billing address 1 +He has n't been able to replace the M'Bow cabal . He has n't been able to replace the M'Bow cabal 1 +However , StatesWest is n't abandoning its pursuit of the much - larger Mesa . StatesWest is n't abandoning its pursuit of the much - larger Mesa 1 +Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president . Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president 1 +I was pleased to note that your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century . your Oct. 23 Centennial Journal item recognized the money - fund concept as one of the significant events of the past century 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Mrs. Marcos fled the Philippines for Hawaii 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they were charged 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they allegedly embezzled more than $ 100 million from their homeland 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they were charged with obstruction of justice 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they were charged allegedly embezzled more than $ 100 million from their homeland 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . Ferdinand Marcos fled the Philippines for Hawaii 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they allegedly embezzled more than $ 100 million from their homeland 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they were charged with obstruction of justice in a scheme 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they allegedly 1 +In 1988 , a year and a half after Mrs. Marcos and her late husband , Ferdinand Marcos , the ousted president of the Philippines , fled the Philippines for Hawaii , they were charged with racketeering , conspiracy , obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $ 100 million from their homeland . they embezzled more than $ 100 million from their homeland 1 +In Japan , those functions account for only about a third of the software market . those functions account for only about a third of the software market 1 +In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention . an expected debt offering today by International Business Machines Corp. generated considerable attention 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose 10 % to $ 313.2 million 1 +In the first nine months , profit rose 10 % to $ 313.2 million , or $ 3.89 a share , from $ 283.9 million , or $ 3.53 a share . profit rose 10 % to $ 3.89 a share 1 +Indeed , the insurance adjusters had already bolted out of the courtroom . the insurance adjusters had already bolted out of the courtroom 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . it will more than 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . it double its purchases this year 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . its purchases puts at several billion dollars 1 +Industrial Bank of Japan , which claims to be the biggest Japanese buyer of U.S. mortgage securities , says it will more than double its purchases this year , to an amount one official puts at several billion dollars . Industrial Bank of Japan claims to be the biggest Japanese buyer of U.S. mortgage securities 1 +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . It came in London 's `` Big Bang 1 +It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year . It came in Toronto 's `` Little Bang 1 +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . It rose 4.8 % for the 12 months 1 +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . 4.8 % for the 12 months ended in June 1 +It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 . It 4.7 % in the 12 months ended in September 1988 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . It surged 2 3\/4 to 6 on volume of more than 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . the company agreed million 1 +It surged 2 3\/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan 's Chugai Pharmaceutical for about $ 110 million -- almost double the market price of Gen - Probe 's stock . the to be acquired 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . It was the most active of the 100 - share index at 1 +It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday . million of which were traded by midday 1 +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . Jaguar are weakened 1 +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . fewer than 3 % of its shares are owned by employees 1 +Jaguar 's own defenses against a hostile bid are weakened , analysts add , because fewer than 3 % of its shares are owned by employees and management . fewer than 3 % of its shares are owned by management 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . Japanese office workers use PCs at half the rate of their European counterparts 1 +Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans . Japanese office workers use PCs at one - third that of the Americans 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Keeping the Japanese will be one of the most important tasks facing conservative leader Ernesto Ruffo 1 +Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1 , as the first opposition governor in Mexico 's modern history . Ernesto Ruffo takes office Nov. 1 1 +Labor costs are climbing at a far more rapid pace in the health care industry than in other industries . Labor costs are climbing at a far more rapid pace in the health care industry than in other industries 1 +Meanwhile , at home , Mitsubishi has control of some major projects . Mitsubishi has control of some major projects 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . the most successful in the U.S.S.R. are banned from providing general - practitioner services 1 +Medical cooperatives , among the most successful in the U.S.S.R. , are banned from providing general - practitioner services ( their main source of income ) , carrying out surgery , and treating cancer patients , drug addicts and pregnant women . among the most successful in the U.S.S.R. are banned from providing general - practitioner services 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . Metromedia headed 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . John W. Kluge has interests in telecommunications 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . John W. Kluge has interests in robotic painting 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . John W. Kluge has interests in computer software 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . John W. Kluge has interests in restaurants 1 +Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment . John W. Kluge has interests in entertainment 1 +Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields . Most yields on short - term jumbo CDs moved in the opposite direction of Treasury bill yields 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . they produced for Warner 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . Mr. Guber would n't be able to participate in future sequels to 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . blockbuster hit they produced for Warner 1 +Mr. Guber and Mr. Peters also almost certainly would n't be able to participate in future sequels to `` Batman , '' the blockbuster hit they produced for Warner . Mr. Peters would n't be able to participate in future sequels to 1 +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . Mr. Phelan is an adroit diplomat 1 +Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions . an adroit diplomat appears to be solidly in control of the Big Board 's factions 1 +Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker . Mr. Ridley 's decision fires the starting pistol for perhaps a costly contest between the world 's auto giants for Britain 's leading luxury - car maker 1 +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . Mr. Stoll suspected the intruder 1 +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . the intruder was one of those precocious students 1 +Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers . one of those precocious students has fun breaking into computers 1 +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands 1 +Mr. Wathen , who says Pinkerton 's had a loss of nearly $ 8 million in 1987 under American Brands , boasts that he 's made Pinkerton 's profitable again . a loss of nearly $ 8 million in 1987 under American Brands made Pinkerton 's 1 +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . Mr. Zayadi was 1 +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . retail chain is owned 1 +Mr. Zayadi was previously president and chief operating officer of Zellers Inc. , a retail chain that is owned by Toronto - based Hudson 's Bay Co. , Canada 's largest department store operator . Mr. Zayadi was retail chain 1 +Mrs. Marcos 's trial is expected to begin in March . Mrs. Marcos 's trial is expected to begin in March 1 +Now that the New York decision has been left intact , other states may follow suit . the New York decision has been left intact 1 +Now that the New York decision has been left intact , other states may follow suit . other states may follow suit 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . the ruling could 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . the ruling encourage other states ' courts 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . other states ' courts to adopt the logic of the New York court 1 +On a broader scale , the ruling could encourage other states ' courts to adopt the logic of the New York court , not only in DES cases but in other product - related lawsuits , as well . the ruling could encourage other states ' courts 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . Mr. Baker go has phoned 1 +On a recent afternoon , Mr. Baker and a reporter go ghost - busting , visiting Kathleen Stinnett , a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house . a reporter go has phoned 1 +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' One had best not dance on top of a coffin 1 +One had best not dance on top of a coffin until the lid is sealed tightly shut . '' the lid is sealed tightly shut 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . Only his factories in Japan kept 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . producing everything from rifles to ginseng to expensive marble vases kept 1 +Only his factories in Japan and Korea , employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases , kept the money flowing westward . Only his factories in Korea kept 1 +Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket . one is feel 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . Osamu Nagayama spends about 15 % of its sales on research 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . about 15 % of its sales on research was 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . much money Chugai would pump into Gen - Probe 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . Osamu Nagayama spends about 15 % of its sales on development 1 +Osamu Nagayama , deputy president of Chugai , which spends about 15 % of its sales on research and development , was unable to pinpoint how much money Chugai would pump into Gen - Probe . about 15 % of its sales on development was 1 +Pennzoil 's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner . Pennzoil 's poison pill covers 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. n't plan to bring them to the U.S. 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. recently does 1 +Procter & Gamble Co. recently introduced refillable versions of four products , including Tide and Mr. Clean , in Canada , but does n't plan to bring them to the U.S. . Procter & Gamble Co. recently introduced refillable versions of four products 1 +RISC technology speeds up a computer by simplifying the internal software . RISC technology speeds up a computer by simplifying the internal software 1 +Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 . RU-486 can cause birth defects 1 +Repeat customers also can purchase luxury items at reduced prices . Repeat customers also can purchase luxury items at reduced prices 1 +Roger M. Marino , president , was named to the new post of vice chairman . president was named to the new post of vice chairman 1 +Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager . Mexico may be too eager 1 +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . persistent strength despite a slowdown in the U.S. economy shown 1 +Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators . the dollar is showing persistent strength despite a slowdown in the U.S. economy 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . Senate Appropriations Committee Chairman Robert Byrd strongly resisted deeper cuts 1 +Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House . deeper cuts sought by the House 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Armstrong World Industries ' carpet operations for an undisclosed price rose 1 +Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 . Shaw Industries agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price 1 +Sidley will maintain its association with the Hashidate Law Office in Tokyo . Sidley will maintain its association with the Hashidate Law Office in Tokyo 1 +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . stroke patients ' brains regroup 1 +Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation . Similar studies are expected to reveal 1 +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . the real estate unit also includes debt 1 +Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion . the imputed value of the real estate itself is close to $ 3 billion 1 +Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges . Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . Soviets remain in charge of education programs 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a former head of an African military tribunal for executions is in charge of culture 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a hard - line Polish directs the human - rights division 1 +Soviets remain in charge of education programs , a former head of an African military tribunal for executions is in charge of culture , and a hard - line Polish communist in exile directs the human - rights and peace division . a hard - line Polish communist in exile directs the peace division 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Standard & Poor 's 500 - Stock Index climbed 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to Index added 1 +Standard & Poor 's 500 - Stock Index climbed 5.29 to 340.36 , the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to the New York Stock Exchange Composite Index climbed 2.65 to 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Strong sales so are the tide 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Nissan expects in 1989 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Nissan will 1 +Strong sales so far this year are certain to turn the tide , but even the 25 % market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade . Nissan leave it far below its position at the beginning of the decade 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a head nurse oversees up to 80 employees 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . THE CHIEF NURSING officer can be responsible for more than 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a head typically oversees $ 8 million 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . a head typically up to 80 employees 1 +THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one - third of a hospital 's budget ; a head nurse typically oversees up to 80 employees and $ 8 million . THE CHIEF NURSING officer can be responsible for at least one - third of a hospital 's budget 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . Georgia - Pacific 's bid is 1 +Takeover stock traders noted that with the junk - bond market in disarray , Georgia - Pacific 's bid is an indication of where the takeover game is headed : namely , industrial companies can continue bidding for one another , but financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing . financial buyers such as leveraged buy - out firms will be at a disadvantage in obtaining financing 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . Technology stocks bore the brunt of the OTC market 's recent sell - off 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . they rebound sharply now 1 +Technology stocks bore the brunt of the OTC market 's recent sell - off , and traders say it 's natural that they rebound sharply now that the market has turned around . the market has turned around 1 +That compares with 3.5 % butterfat for whole milk . That compares with 3.5 % butterfat for whole milk 1 +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . million in senior subordinated floating - rate notes were at a price to float four percentage points above the three - month LIBOR 1 +The $ 150 million in senior subordinated floating - rate notes were targeted to be offered at a price to float four percentage points above the three - month LIBOR . notes targeted to be offered at a price to float four percentage points above the three - month LIBOR 1 +The 41 - year - old Mr. Azoff , a former rock 'n' roll manager , is credited with turning around MCA 's once - moribund music division in his six years at the company . a former rock 'n' roll manager is credited with turning around MCA 's once - moribund music division 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . The Lone Star Steel lawsuit asks the court to 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . the parent company ca n't recover the amount from its subsidiary 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . the amount from its subsidiary makes 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Technologies was due in September 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment 1 +The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $ 4.5 million Lone Star Steel pension payment that was due , but was n't paid , in September and that the parent company ca n't recover the amount from its subsidiary if the parent company makes the payment . Lone Star Technologies was n't paid 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots failed to make mandatory preflight checks 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots would have detected the error 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots failed to set the plane 's wing flaps properly for takeoff 1 +The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error . pilots failed the plane 's slats properly for takeoff 1 +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . The New Orleans oil exploration operations company does n't expect any further adverse financial impact from the restructuring 1 +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . The New Orleans oil diving operations company does n't expect any further adverse financial impact from the restructuring 1 +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . The New Orleans gas exploration operations company does n't expect any further adverse financial impact from the restructuring 1 +The New Orleans oil and gas exploration and diving operations company added that it does n't expect any further adverse financial impact from the restructuring . The New Orleans gas diving operations company does n't expect any further adverse financial impact from the restructuring 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . The Second Section index fell 36.87 points Friday 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . 36.87 points Friday was down 21.44 points 1 +The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 . 36.87 points Friday was down 0.59 % 1 +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . The Soviets complicated the issue 1 +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . light tanks are as light as 10 tons 1 +The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons . the issue offering to include light tanks 1 +The U.S. market , too , is dominated by a giant , International Business Machines Corp . The U.S. market is dominated by a giant 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . it has got off to a slow start 1 +The basket product , while it has got off to a slow start , is being supported by some big brokerage firms -- another member of Mr. Phelan 's splintered constituency . it is being supported by some big brokerage firms 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign does 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign n't mention cigarettes 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . cigarette ads have been prohibited on television since 1971 1 +The campaign , a patriotic celebration of the 200th anniversary of the Bill of Rights , does n't mention cigarettes or smoking ; cigarette ads have been prohibited on television since 1971 . The campaign does n't mention smoking 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . the Landmark Tower will be Japan 's tallest building 1 +The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 . Japan 's tallest building is completed in 1993 1 +The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 . The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 1 +The discount rate on three - month Treasury bills rose slightly from the average rate at Monday 's auction to 7.79 % for a bond - equivalent yield of 8.04 % . The discount rate on three - month Treasury bills rose slightly % 1 +The dollar drew strength from the stock market 's climb . The dollar drew strength from the stock market 's climb 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . lawsuits might have been barred 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . they could proceed because of the one - year extension 1 +The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension . they were filed too late 1 +The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset . The executives had profited handsomely by building American National Can Co. 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . The field took off in 1985 1 +The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation . scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation 1 +The fitness craze itself has gone soft , the survey found . The fitness craze itself has gone soft 1 +The forest - products concern currently has about 38 million shares outstanding . The forest - products concern has about 38 million shares 1 +The forest - products concern currently has about 38 million shares outstanding . about 38 million shares outstanding 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government already buffeted by high interest rates 1 +The government , already buffeted by high interest rates and a slowing economy , has been badly hurt by last week 's shake - up in Mrs. Thatcher 's cabinet . The government already buffeted by a slowing economy 1 +The issue is backed by a 12 % letter of credit from Credit Suisse . The issue is backed by a 12 % letter of credit from Credit Suisse 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . The last time IBM tapped the corporate debt market 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . the corporate debt was in April 1 +The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities . it offered million of debt securities 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office able to advise foreign clients on international law 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may also be 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may also 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office be able to advise foreign clients on general matters 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office to advise multinational clients on international law 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office may also be able 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office able 1 +The office may also be able to advise foreign and multinational clients on international law and general matters . The office to advise multinational clients on general matters 1 +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . The operative definition of newsworthiness will favor virtually unrestrained use of personal facts 1 +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . The operative definition of newsworthiness will favor virtually unrestrained use of sensitive facts 1 +The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts . The operative definition of newsworthiness will favor virtually unrestrained use of intimate facts 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . farmers in the Midwest continued 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . stockpiles were depleted by the 1988 drought 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . The prices of most corn futures contracts dropped slightly 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . The prices of most soybean futures contracts dropped slightly 1 +The prices of most corn , soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought . The prices of most wheat futures contracts dropped slightly 1 +The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake . The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake 1 +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . The surprise announcement came 1 +The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case . the IRS broke off negotiations with Mr. Hunt on a settlement of the one - time tycoon 's personal bankruptcy case 1 +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . The tax has raised less than one billion marks 1 +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . the government has been reluctant 1 +The tax has raised less than one billion marks ( $ 545.3 million ) annually in recent years , but the government has been reluctant to abolish the levy for budgetary concerns . the government to abolish the levy for budgetary concerns 1 +The three existing plants and their land will be sold . The three existing plants will be sold 1 +The three existing plants and their land will be sold . their land will be sold 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders to discuss changes sweeping the East bloc as well as regional disputes 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected changes sweeping the East bloc as well as regional disputes 1 +The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation . The two leaders are expected to discuss changes sweeping the East bloc as well as economic cooperation 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . The two sides are also 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . The two sides discussing certain business ventures 1 +The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies . certain business ventures involving cable rights to Columbia 's movies 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted spirits in hundreds of houses around the country 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted poltergeists in hundreds of houses around the country 1 +They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country . They claim to have busted other spooks in hundreds of houses around the country 1 +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' This involves trade - offs 1 +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' it } cuts against the grain of existing consumer conceptions of 1 +This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' '' it } cuts against the grain of existing provider conceptions of 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . This is the U.N. group 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . the U.N. group managed to traduce its own charter of promoting education 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . the U.N. group managed to traduce its own charter of promoting science 1 +This is the U.N. group that managed to traduce its own charter of promoting education , science and culture . the U.N. group managed to traduce its own charter of promoting culture 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . This provision met early resistance from investment bankers 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . early resistance worried about disruptions in their clients ' portfolios 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . This provision met strong resistance from investment bankers 1 +This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios . strong resistance worried about disruptions in their clients ' portfolios 1 +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . New York City announced a 10 - point policy 1 +This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers . a 10 - point policy patterned on the federal bill of rights for taxpayers 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . Mr. Packer sold his stake 1 +Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy . Mr. Packer has since his stake 1 +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . one candidate would have to win 50 % of the vote 1 +To avoid a runoff , one candidate would have to win 50 % of the vote -- a feat that most analysts consider impossible with so many candidates running . most analysts consider running 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . maker of Anne Klein jewelry are launching new lines with as much fanfare as the fragrance companies 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers such as Crystal Brands Inc. 's Trifari units are launching new lines with as much fanfare as the fragrance companies 1 +To increase their share of that business , jewelry makers such as Crystal Brands Inc. 's Trifari and Monet units and Swank Inc. , maker of Anne Klein jewelry , are launching new lines with as much fanfare as the fragrance companies . jewelry makers such as Crystal Brands Inc. 's Monet units are launching new lines with as much fanfare as the fragrance companies 1 +To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements . including the EPA are pursuing UV - B measurements 1 +Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago . Tom Panelli had bought three years ago 1 +U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home . U.S. makers have under 10 % share 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . it moves to a new quarters in 1992 1 +USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto , and will lease the 19 - story facility until it moves to a new quarters in 1992 . USG Corp. will lease the 19 - story facility until it 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the UAL board agreed to reimburse certain of the buy 1 +Under a merger agreement reached Sept. 14 , the UAL board agreed to reimburse certain of the buy - out group 's expenses out of company funds even if the transaction was n't completed , provided the group did n't breach the agreement . the group did n't breach the agreement 1 +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . potential investors will submit percentage of discount 1 +Under the debt - equity program , potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at , and the bids will be allocated based on these discount offers . the bids will be allocated based on these discount offers 1 +Vernon E. Jordan was elected to the board of this transportation services concern . Vernon E. Jordan was elected to the board of this transportation services concern 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. is being acquired by Time Warner 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. has filed a $ 1 billion breach - of - contract suit against Sony 1 +Warner Communications Inc. , which is being acquired by Time Warner , has filed a $ 1 billion breach - of - contract suit against Sony and the two producers . Warner Communications Inc. has filed a $ 1 billion breach 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner has a five - year exclusive contract with Mr. Guber 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . a five - year exclusive contract with Mr. Guber requires them to make movies exclusively at the Warner Bros. studio 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . Warner has a five - year exclusive contract with Mr. Peters 1 +Warner has a five - year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio . a five - year exclusive contract with Mr. Peters requires them to make movies exclusively at the Warner Bros. studio 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . the campaign was Mr. Gibbons 's idea 1 +While the campaign was Mr. Gibbons 's idea , however , he wo n't be paying for it : The donations will come out of the chain 's national advertising fund , which is financed by the franchisees . The donations will come is financed 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Honda Motor Co. running so - called transplant auto operations 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . Japanese auto production in the U.S. will reach one million vehicles 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Toyota Motor Corp. running so - called transplant auto operations 1 +With companies such as Honda Motor Co. , Toyota Motor Corp. and Nissan Motor Co. running so - called transplant auto operations , Japanese auto production in the U.S. will reach one million vehicles this year . companies such as Nissan Motor Co. running so - called transplant auto operations 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' lot of garages must be populated with them 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' exercise bikes sold in the past five years 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' lot of basements must be populated with them 1 +With more than 15 million exercise bikes sold in the past five years , he adds , `` a lot of garages , basements and attics must be populated with them . '' a lot of attics must be populated with them 1 +With real estate experts Olympia & York and Samuel Zell 's Itel owning close to 40 % of Santa Fe 's stock , management was under pressure -- in a favored phrase of Wall Street -- to quickly `` maximize values . '' close to 40 % of Santa Fe 's stock was 1 +Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive . viewers pledged 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . Los Bronces belong to the Exxon - owned Minera Disputado group 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . a two - year labor pact ends today 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . to the Exxon - owned Minera Disputado group will vote 1 +Workers at two Chilean mines , Los Bronces and El Soldado , which belong to the Exxon - owned Minera Disputado group , will vote Thursday on whether to strike after a two - year labor pact ends today . El Soldado belong to the Exxon - owned Minera Disputado group 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' he collaborated with the new music gurus Peter Serkin in the very countercultural chamber group Tashi 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' Tashi won audiences over to dreaded contemporary scores like Messiaen 's 1 +Years ago , he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi , which won audiences over to dreaded contemporary scores like Messiaen 's `` Quartet for the End of Time . '' he collaborated with the new music gurus Fred Sherry in the very countercultural chamber group Tashi 1 +Yesterday , Mr. Matthews , now a consultant with the Stamford , Conn. , firm Matthews & Johnston , quipped , `` I think he 'll be very good at that { new job } . he be very good at that { new job 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Soviet leader 's readiness to embark on foreign visits 1 +Yet the Soviet leader 's readiness to embark on foreign visits and steady accumulation of personal power , particularly since the last Politburo reshuffle on Sept. 30 , do not suggest that Mr. Gorbachev is on the verge of being toppled ; nor does he look likely to reverse the powers of perestroika . Mr. Gorbachev is 1 +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . HealthVest has paid two of the three banks it 1 +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . it owed interest to in October 1 +A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank . HealthVest is in negotiations with the third bank 1 +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint 1 +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . the were 1 +Also , the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected , and acted as a price depressant , analysts said . the acted 1 +Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said . Mr. Azoff wo n't produce films at first 1 +Among other things , they said , Mr. Azoff would develop musical acts for a new record label . Mr. Azoff would develop musical acts for a new record label 1 +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . the sought by the prosecutors 1 +As a result , he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self - incrimination . turning over the filings is self - incrimination 1 +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . Avery Inc. completed the sale of Uniroyal Chemical Holding Co. to a group 1 +Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co. , the unit 's main business . the sale of led by management of Uniroyal Chemical Co. 1 +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . he would n't identify 1 +But yesterday , Mr. Carpenter said big institutional investors , which he would n't identify , `` told us they would n't do business with firms '' that continued to do index arbitrage for their own accounts . would n't do business with firms continued to do index arbitrage for their own accounts 1 +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . Coca - Cola Co. aiming to boost soft - drink volume in Singapore 1 +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . soft - drink volume in Singapore is 1 +Coca - Cola Co. , aiming to boost soft - drink volume in Singapore , said it is discussing a joint venture with Fraser & Neave Ltd. , its bottling franchisee in that country . soft - drink volume in Singapore discussing a joint venture with Fraser & Neave Ltd. 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . the current robust domestic demand has been fueling sustained economic expansion 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . fueling sustained economic expansion resulted in sharply higher profit 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . fueling sustained economic expansion helped push up sales of products like ships 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . fueling sustained economic expansion helped push up sales of products like steel structures 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . fueling sustained economic expansion helped push up sales of products like power systems 1 +Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships , steel structures , power systems and machinery and resulted in sharply higher profit . fueling sustained economic expansion helped push up sales of products like machinery 1 +Considered as a whole , Mr. Lane said , the filings required under the proposed rules `` will be at least as effective , if not more so , for investors following transactions . '' under the proposed rules following transactions 1 +Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines . the market remains dull 1 +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . Edison Brothers Stores Inc. buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. 1 +Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. , a unit of Dylex Ltd. of Toronto . Edison Brothers Stores Inc. agreed to 229 Foxmoor women 's apparel stores from Foxmoor Specialty Stores Corp. 1 +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' Jeffrey Kaufman an attorney for Fireman 's Fund 1 +For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . '' attorney for Fireman 's Fund was rattled 1 +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . Ford Motor Co. is recalling about 3,600 of its 1990 - model Escorts 1 +Ford Motor Co. said it is recalling about 3,600 of its 1990 - model Escorts because the windshield adhesive was improperly applied to some cars . the windshield adhesive was improperly applied to some cars 1 +He said he expects the company to have $ 500 million in sales for this year . the company to have $ 1 +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . Canada was 1 +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . Canada unlikely to sell the Candu heavy - water reactor to Israel 1 +However , a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy - water reactor to Israel since Israel has n't signed the Nuclear Non - Proliferation Treaty . Israel has n't signed the Nuclear Non - Proliferation Treaty 1 +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . Treasury officials were considering the new reporting requirements 1 +In recent testimony on Capitol Hill , Treasury officials said they were considering the new reporting requirements , and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations . Federal Register is the first official step toward creating final regulations 1 +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . CS First Boston has consistently been one of the most aggressive firms in merchant banking 1 +It said CS First Boston `` has consistently been one of the most aggressive firms in merchant banking '' and that `` a very significant portion '' of the firm 's profit in recent years has come from merchant banking - related business . of the firm 's profit in recent years has come from merchant banking - related business 1 +Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy . the causes of excess market volatility are far more complex than any particular computer trading strategy 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . Milk sold to the nation 's dairy plants 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . Milk averaged $ 14.50 for each hundred pounds 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . the nation 's dairy plants averaged $ 14.50 for each hundred pounds 1 +Milk sold to the nation 's dairy plants and dealers averaged $ 14.50 for each hundred pounds , up 50 cents from September and up $ 1.50 from October 1988 , the department said . Milk sold to the nation 's dairy dealers 1 +Nixon , on the fourth day of a private visit to China , said that damage to Sino - U.S. relations was `` very great , '' calling the situation `` the most serious '' since 1972 . damage to Sino - U.S. relations was 1 +Panhandle Eastern Corp. said it applied , on behalf of two of its subsidiaries , to the Federal Energy Regulatory Commission for permission to build a 352 - mile , $ 273 million pipeline system from Pittsburg County , Okla. , to Independence , Miss . Panhandle Eastern Corp. applied on 1 +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . Richard Newsom examined Lincoln 's parent 1 +Richard Newsom , a California state official who last year examined Lincoln 's parent , American Continental Corp. , said he also saw evidence that crimes had been committed . crimes had been committed 1 +Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 . Rolls - Royce Motor Cars Inc. expects its U.S. sales to remain steady at about 1 +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . the bank has examined its methodologies 1 +The Chemical spokeswoman said the bank has examined its methodologies and internal controls . the bank has examined its internal controls 1 +The company said the fastener business `` has been under severe cost pressures for some time . '' the fastener business has been under severe cost pressures for some time 1 +The market 's tempo was helped by the dollar 's resiliency , he said . The market 's tempo was helped by the dollar 's resiliency 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has reached 27.6 % in Azerbaijan 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has 25.7 % in Tadzhikistan 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has 22.8 % in Uzbekistan 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has 18.8 % in Turkmenia 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has 18 % in Armenia 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . the Communist Party said 1 +Unemployment has reached 27.6 % in Azerbaijan , 25.7 % in Tadzhikistan , 22.8 % in Uzbekistan , 18.8 % in Turkmenia , 18 % in Armenia and 16.3 % in Kirgizia , the Communist Party newspaper said . Unemployment has 16.3 % in Kirgizia 1 +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . Business across the country is spending more time addressing this issue 1 +`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) . more time addressing this issue says Sen. Edward Kennedy 1 +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . Stephen Reitman a European auto industry analyst at UBS - Phillips & Drew 1 +`` I ca n't believe they ( GM ) will let Ford have a free run , '' said Stephen Reitman , a European auto industry analyst at UBS - Phillips & Drew . GM will let 1 +`` I do n't foresee any shortages over the next few months , '' says Ken Allen , an official of Operating Engineers Local 3 in San Francisco . any shortages over the next few months says Ken Allen 1 +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . he says 1 +`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says . I will throw 80 - plus 1 +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . working capital financing is not provided 1 +`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } or dump acquired assets through fire sales . the RTC may have to slow 1 +`` It 's a super - exciting set of discoveries , '' says Bert Vogelstein , a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer . a has just found a gene pivotal to the triggering of colon cancer 1 +`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency . 's says Albert Lerman 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Most people are 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Most people have n't got 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Most people have n't 1 +`` Most people -- whether in Toledo , Tucson or Topeka -- have n't got a clue who we are , '' says Guy L. Smith , Philip Morris 's vice president of corporate affairs . Most people got are 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . Nobody told us 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . nobody called us 1 +`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named . an official close to the case asked 1 +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' everyone had pushed back in their consciousness 1 +`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . '' everyone is 1 +`` To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible , '' said Rep. Fortney Stark ( D. , Calif. ) , who has introduced a bill to limit the RTC 's authority to issue debt . this massive level of unfettered federal borrowing without prior congressional approval would be has introduced 1 +`` We were oversold and today we bounced back . We were oversold 1 +`` We were oversold and today we bounced back . we bounced back 1 +A casting director at the time told Scott that he had wished that he 'd met him a week before ; he was casting for the `` G.I. Joe '' cartoon . he met him a week before 1 +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . he forged a rare mint mark on a dime 1 +According to Hofmann , while still a teenage coin collector , he forged a rare mint mark on a dime and was told by an organization of coin collectors that it was genuine . it was genuine 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . he passed the ransom money to in St. Raymond 's Cemetery 1 +In fact , Condon , after seeing Hauptmann in a lineup at New York Police Department Greenwich Street Station told FBI Special Agent Turrou that Hauptmann was not `` John , '' the man to whom Condon claimed he passed the ransom money to in St. Raymond 's Cemetery . Condon was not claimed Cemetery 1 +He sold them well below market value to raise cash `` to pay off mounting credit - card debts , '' incurred to buy presents for his girlfriend , his attorney , Philip Russell , told IFAR . He sold them well below market value to raise cash 1 diff --git a/data/evaluation_data/wire57/gold_data/gold_wire57_test.tsv b/data/evaluation_data/wire57/gold_data/gold_wire57_test.tsv new file mode 100644 index 0000000000000000000000000000000000000000..084ac69176e1529b76bf68a1512e6c11454a6a5f --- /dev/null +++ b/data/evaluation_data/wire57/gold_data/gold_wire57_test.tsv @@ -0,0 +1,294 @@ +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is in Japanese Tokyo toːkʲoː +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is pronounced Tokyo ˈtoʊkioʊ +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is officially Tokyo Tokyo Metropolis +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is the capital city of Tokyo Japan +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is Tokyo the capital city of Japan +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is one of Tokyo its prefectures +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is one of Tokyo its 47 prefectures +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is a prefecture of Tokyo Japan +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. has Japan 47 prefectures +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is Tokyo a prefecture +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. is Tokyo a city +The Greater Tokyo Area is the most populous metropolitan area in the world. is The Greater Tokyo Area the most populous metropolitan area +The Greater Tokyo Area is the most populous metropolitan area in the world. is The Greater Tokyo Area a metropolitan area +It is the seat of the Emperor of Japan and the Japanese government. is the seat of It the Emperor of Japan +It is the seat of the Emperor of Japan and the Japanese government. is the seat of It the Japanese government +It is the seat of the Emperor of Japan and the Japanese government. has Japan an Emperor +It is the seat of the Emperor of Japan and the Japanese government. has Japan a government +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is in Tokyo the Kantō region +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is in Tokyo Kantō +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is Kantō a region +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is on Tokyo the southeastern side of the main island Honshu +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is on the Kantō region the southeastern side of the main island Honshu +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is Honshu an island +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. is Honshu the main island +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. includes Tokyo the Izu Islands +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. includes Tokyo the Ogasawara Islands +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. has Tokyo islands +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. has Honshu a southeastern side +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. was Formerly known as it Edo +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. has been it the seat of government +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. made Tokugawa Ieyasu the city +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. is Tokugawa Ieyasu Shogun +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. is it the seat of government +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. has Tokugawa Ieyasu headquarters +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. became It the capital +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. moved Emperor Meiji his seat +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. was renamed Edo Tokyo +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. is Kyoto the old capital +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). was formed in Tokyo Metropolis 1943 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). was formed from Tokyo Metropolis the merger of the Tokyo Prefecture and the city of Tokyo +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). is the city of Tokyo Tōkyō-shi +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). is the city of Tokyo 東京市 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). is the former Tokyo Prefecture 東京府 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). is the former Tokyo Prefecture Tōkyō-fu +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). merged with the former Tokyo Prefecture the city of Tokyo +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. is referred to as Tokyo a city +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. is officially known as Tokyo a `` metropolitan prefecture '' +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. is governed as Tokyo a `` metropolitan prefecture '' +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. differs from a `` metropolitan prefecture '' a city +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. differs from a `` metropolitan prefecture '' a prefecture +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. combines elements of a `` metropolitan prefecture '' a city and a prefecture +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. is unique to a characteristic Tokyo +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. administers The Tokyo metropolitan government the 23 Special Wards of Tokyo +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. has Tokyo 23 Special Wards +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. is governed as each an individual city +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. merged the City of Tokyo in 1943 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. became the City of Tokyo the metropolitan prefecture +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. has Tokyo a metropolitan government +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. is the City of Tokyo an area +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. administers The metropolitan government 39 municipalities +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. administers The metropolitan government the two outlying island chains +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. has the prefecture a western part +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. are the two island chains outliers +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. is over The population of the special wards 9 million people +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. exceeds the total population of the prefecture 13 million +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. has the prefecture a population +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. have the special wards a population +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. is part of The prefecture the world 's most populous metropolitan area +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. has upwards of the world 's most populous metropolitan area 37.8 million people +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. is part of The prefecture the world 's largest urban agglomeration economy +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. has the world metropolitan areas +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. has the world urban agglomeration economies +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. has the world a most populous metropolitan area +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. has the world a largest urban agglomeration economy +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. have urban agglomerations economies +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. hosted the city 51 of the Fortune Global 500 companies +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. hosted the city the highest number of any city in the world +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. hosted the city companies +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. has any city a number of Fortune Global 500 companies +Tokyo ranked third (twice) in the International Financial Centres Development IndexEdit. ranked Tokyo third +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city various television networks +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city Fuji TV +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is Fuji TV a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city Tokyo MX +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is Tokyo MX a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city TV Tokyo +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is TV Tokyo a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city TV Asahi +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is TV Asahi a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city Nippon Television +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is Nippon Television a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city NHK +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is NHK a television network +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is home to The city the Tokyo Broadcasting System +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. is the Tokyo Broadcasting System a television network +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. reprimanded Finnish police a man +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. met with a man Juha Sipila +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. is Juha Sipila Prime Minister +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. was this a breach of the traffic code +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. happened a government crisis last summer +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. had a man a meeting with Juha Sipila +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. had the government a crisis +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. did not name A police statement the man in the boot +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. was the man in the boot Samuli Virtanen +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. was the traveler Samuli Virtanen +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. is Samuli Virtanen State Secretary +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. is Samuli Virtanen the deputy to Foreign Minister Timo Soini +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. is Samuli Virtanen a deputy +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. is Timo Soini Foreign Minister +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. has Timo Soini a deputy +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. took place in The meeting June +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. elected the Finns party anti-immigration hardliners +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. is the Finns party co-ruling +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. belongs to Virtanen the Finns party +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. has the Finns party new leaders +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. are anti-immigration hardliners its new leaders +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. has the Finns party leaders +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. was close to The government collapse +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. walked out of a group of politicians the Finns party +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. walked out of Virtanen the Finns party +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. walked out of Soini the Finns party +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. is Virtanen a politician +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. is Soini a politician +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. would form a group of politicians a new group +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. would form a group of politicians including Virtanen and Soini a new group +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. was thrown out of The Finns party the government +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. kept Blue Reform its cabinet seat +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. kept the new group its cabinet seat +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. is Blue Reform a group +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. has not commented on Virtanen the case +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. is Tiina Elovaara a lawmaker +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. is from Tiina Elovaara Blue Reform +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. climbed into Virtanen the boot +“He avoided media attention when the situation was most serious, and the risk of leakage about the parliamentarians’ transition was too big,” Elovaara said. avoided He media attention +“He avoided media attention when the situation was most serious, and the risk of leakage about the parliamentarians’ transition was too big,” Elovaara said. was the risk of leakage about the parliamentarians ’ transition too big +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. was born Chilly Gonzales Jason Charles Beck +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. was born on Chilly Gonzales 20 March 1972 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. was born in Chilly Gonzales 1972 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. is Chilly Gonzales Canadian +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. won Chilly Gonzales a Grammy +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. is Chilly Gonzales a musician +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. resided in who Paris , France +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. resided in who France +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. is in Paris France +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. lives in who Cologne , Germany +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. is in Cologne Germany +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. is Chilly Gonzales a Grammy-winning Canadian musician +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. lives in who Germany +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is he a producer +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is he a songwriter +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Known for he his albums of classical piano compositions with a pop music sensibility +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Known for he Solo Piano I +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Known for he Solo Piano II +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Known for he his MC albums +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Known for he his electro albums +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Solo Piano I an album +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Solo Piano I an album of classical piano compositions +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. has Solo Piano I a pop music sensibility +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Solo Piano II an album +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. is Solo Piano II an album of classical piano compositions +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. has Solo Piano I a pop music sensibility +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. broadcasts Gonzales Pop Music Masterclass +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. is Pop Music Masterclass a web series +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. broadcasts Gonzales Classical Connections +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. is Classical Connections a documentary +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. broadcasts Gonzales The History of Music +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. has written He newspaper opinion pieces +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. has written He magazine opinion pieces +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. has written He opinion pieces +He is the younger brother of the prolific film composer Christophe Beck. is the younger brother of He Christophe Beck +He is the younger brother of the prolific film composer Christophe Beck. is Christophe Beck a film composer +He is the younger brother of the prolific film composer Christophe Beck. is Christophe Beck a prolific film composer +He is the younger brother of the prolific film composer Christophe Beck. is the brother of He Christophe Beck +He is the younger brother of the prolific film composer Christophe Beck. is younger than He Christophe Beck +Gonzales was born on 20 March 1972. was born on Gonzales 20 March 1972 +Gonzales was born on 20 March 1972. was born in Gonzales 1972 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. are His parents Ashkenazi Jews +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. are His parents Jews +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. had to flee from His parents Hungary +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. fled from His parents Hungary +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. has Chilly Gonzales parents +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. began teaching himself Gonzales piano +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. taught himself Gonzales piano +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. has Gonzales an older brother +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. took Chris piano lessons +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. is the older brother of Chris Gonzales +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. graduated from Gonzales Crescent School +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. is in Toronto Ontario , Canada +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. is in Toronto Canada +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. is in Ontario Canada +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. is in Crescent School Toronto , Ontario , Canada +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. was classically trained as He a pianist +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. began He his composing career +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. began He his performing career +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. co-authored He musicals +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. is He a jazz virtuoso +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. has He a composing career +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. has He a performing career +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. has He a brother +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. stands for EM expectation–maximization +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. is an expectation–maximization algorithm an iterative method +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. stands for MAP maximum a posteriori +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. finds an expectation–maximization algorithm maximum likelihood estimates of parameters in statistical models +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. stands for E expectation +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. stands for M maximization +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. creates an expectation step a function for the expectation of the log-likelihood +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. computes a maximization step parameters +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. performs The EM iteration an expectation step +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. performs The EM iteration a maximization step +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. is found on the expected log-likelihood the E step +These parameter-estimates are then used to determine the distribution of the latent variables in the next E step. are used to determine These parameter-estimates the distribution of the latent variables +These parameter-estimates are then used to determine the distribution of the latent variables in the next E step. have the latent variables a distribution +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. was explained in The EM algorithm a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. was explained in The EM algorithm a paper +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. was explained in The EM algorithm 1977 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. explained a paper The EM algorithm +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. explained a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin The EM algorithm +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. gave its name to a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin The EM algorithm +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. gave its name to a paper The EM algorithm +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. wrote Arthur Dempster , Nan Laird , and Donald Rubin a classic paper +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. has The EM algorithm a name +They pointed out that the method had been "proposed many times in special circumstances" by earlier authors. had been proposed by the method earlier authors +They pointed out that the method had been "proposed many times in special circumstances" by earlier authors. proposed earlier authors the method +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. was published by A treatment of the EM method for exponential families Rolf Sundberg +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. was published by A very detailed treatment of the EM method for exponential families Rolf Sundberg +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. was published by A very detailed treatment of the EM method for exponential families Rolf Sundberg +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. published Rolf Sundberg A treatment of the EM method for exponential families +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. published Rolf Sundberg A very detailed treatment of the EM method for exponential families +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. has Rolf Sundberg a thesis +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. wrote Rolf Sundberg a thesis +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. collaborated with Rolf Sundberg Per Martin-Löf +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. collaborated with Rolf Sundberg Anders Martin-Löf +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. has a collaboration with Rolf Sundberg Per Martin-Löf +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. has a collaboration with Rolf Sundberg Anders Martin-Löf +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. generalized The Dempster–Laird–Rubin paper the method +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. sketched The Dempster–Laird–Rubin paper a convergence analysis +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. was published in The Dempster–Laird–Rubin paper 1977 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". received the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society an enthusiastic discussion +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". was published in the Dempster–Laird–Rubin paper the Journal of the Royal Statistical Society +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". called Sundberg the paper +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". is the paper brilliant +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". is the Dempster–Laird–Rubin paper innovative +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". had Royal Statistical Society a meeting +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. established The Dempster–Laird–Rubin paper the EM method +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. is the EM method an important tool of statistical analysis +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. is the EM method a tool of statistical analysis +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. are predicting economists the same +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. are predicting economists a neither too-hot nor too-cold Goldilocks scenario +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. are predicting economists a Goldilocks scenario +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. had a a year relatively healthy global economic growth +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. is the same a neither too-hot nor too-cold Goldilocks scenario +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. is the same a Goldilocks scenario +The idea is that all is pretty much on track for growth that will be stronger than in 2017. will be stronger than growth in 2017 +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. got it wrong forecasters last year +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. underclubbed forecasters this year economic performance +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. has this year an economic performance +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. saw The International Monetary Fund 2017 global growth +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. saw The International Monetary Fund advanced economies +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. was 2017 global growth 3.4 percent +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. advanced advanced economies 1.8 percent +It now reckons them at 3.6 percent and 2.2 percent. reckons It them +It now reckons them at 3.6 percent and 2.2 percent. was them 3.6 percent +It now reckons them at 3.6 percent and 2.2 percent. was them 2.2 percent +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. had It the euro zone +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. had It Japan +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. predicted the growth of It the euro zone +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. predicted the growth of It Japan +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. grew the euro zone 1.5 percent +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. grew Japan 0.6 percent +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. has the euro a zone +It now has them at 2.1 percent and 1.5 percent. has It them +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. is reaching Faster growth two-thirds of the world ’ s population +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. said the IMF “ Faster growth is reaching roughly two-thirds of the world ’ s population , ” +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. has the IMF a blog +This performance has made some economists optimistic. has made This performance some economists +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” is among Nomura the more bullish +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” is Nomura bullish +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” has more Global growth self-reinforcing characteristics at present +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” has Global growth self-reinforcing characteristics +There are huge numbers of potential political and economic risks to the status quo. are risks to the status quo political and economic +There are huge numbers of potential political and economic risks to the status quo. threaten economic risks the status quo +There are huge numbers of potential political and economic risks to the status quo. threaten potential political risks the status quo +There are huge numbers of potential political and economic risks to the status quo. threaten political risks the status quo +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. are a risk to central banks a year of relatively healthy global economic growth +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. is a risk to trade a year of relatively healthy global economic growth +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. is a risk to bubbles a year of relatively healthy global economic growth +In the first case, the danger is that there will be a policy mistake, squeezing debtors. would squeeze a policy mistake debtors +In the first case, the danger is that there will be a policy mistake, squeezing debtors. is a policy mistake a danger +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. could trigger renewed U.S. protectionism trade barriers +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. could trigger anger over Chinese exports trade barriers +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. stifle trade barriers growth +The third is about sudden market losses that dry up spending and demand. is about The third sudden market losses +The third is about sudden market losses that dry up spending and demand. could dry up sudden market losses spending +The third is about sudden market losses that dry up spending and demand. could dry up sudden market losses demand diff --git a/data/evaluation_data/wire57/gold_data/gold_wire_57_test.txt b/data/evaluation_data/wire57/gold_data/gold_wire_57_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..744c754ed97b40cb506c1932441050f18fc9191d --- /dev/null +++ b/data/evaluation_data/wire57/gold_data/gold_wire_57_test.txt @@ -0,0 +1,294 @@ +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is in Japanese toːkʲoː 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is pronounced ˈtoʊkioʊ 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is officially Tokyo Metropolis 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is the capital city of Japan 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is the capital city of Japan 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is one of its prefectures 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is one of its 47 prefectures 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is a prefecture of Japan 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Japan has 47 prefectures 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is a prefecture 1 +Tokyo (ˈtoʊkioʊ, Japanese: toːkʲoː), officially Tokyo Metropolis, is the capital city of Japan and one of its 47 prefectures. Tokyo is a city 1 +The Greater Tokyo Area is the most populous metropolitan area in the world. The Greater Tokyo Area is the most populous metropolitan area 1 +The Greater Tokyo Area is the most populous metropolitan area in the world. The Greater Tokyo Area is a metropolitan area 1 +It is the seat of the Emperor of Japan and the Japanese government. It is the seat of the Emperor of Japan 1 +It is the seat of the Emperor of Japan and the Japanese government. It is the seat of the Japanese government 1 +It is the seat of the Emperor of Japan and the Japanese government. Japan has an Emperor 1 +It is the seat of the Emperor of Japan and the Japanese government. Japan has a government 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo is in the Kantō region 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo is in Kantō 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Kantō is a region 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo is on the southeastern side of the main island Honshu 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. the Kantō region is on the southeastern side of the main island Honshu 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Honshu is an island 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Honshu is the main island 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo includes the Izu Islands 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo includes the Ogasawara Islands 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Tokyo has islands 1 +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands. Honshu has a southeastern side 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. it was Formerly known as Edo 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. it has been the seat of government 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. Tokugawa Ieyasu made the city 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. Tokugawa Ieyasu is Shogun 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. it is the seat of government 1 +Formerly known as Edo, it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters. Tokugawa Ieyasu has headquarters 1 +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. It became the capital 1 +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. Emperor Meiji moved his seat 1 +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. Edo was renamed Tokyo 1 +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868; at that time Edo was renamed Tokyo. Kyoto is the old capital 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). Tokyo Metropolis was formed in 1943 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). Tokyo Metropolis was formed from the merger of the Tokyo Prefecture and the city of Tokyo 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). the city of Tokyo is Tōkyō-shi 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). the city of Tokyo is 東京市 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). the former Tokyo Prefecture is 東京府 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). the former Tokyo Prefecture is Tōkyō-fu 1 +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture (東京府 Tōkyō-fu) and the city of Tokyo (東京市 Tōkyō-shi). the former Tokyo Prefecture merged with the city of Tokyo 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. Tokyo is referred to as a city 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. Tokyo is officially known as a `` metropolitan prefecture '' 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. Tokyo is governed as a `` metropolitan prefecture '' 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. a `` metropolitan prefecture '' differs from a city 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. a `` metropolitan prefecture '' differs from a prefecture 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. a `` metropolitan prefecture '' combines elements of a city and a prefecture 1 +Tokyo is often referred to as a city, but is officially known and governed as a "metropolitan prefecture", which differs from and combines elements of a city and a prefecture, a characteristic unique to Tokyo. a characteristic is unique to Tokyo 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. The Tokyo metropolitan government administers the 23 Special Wards of Tokyo 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. Tokyo has 23 Special Wards 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. each is governed as an individual city 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. the City of Tokyo merged in 1943 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. the City of Tokyo became the metropolitan prefecture 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. Tokyo has a metropolitan government 1 +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo (each governed as an individual city), which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943. the City of Tokyo is an area 1 +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. The metropolitan government administers 39 municipalities 1 +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. The metropolitan government administers the two outlying island chains 1 +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. the prefecture has a western part 1 +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains. the two island chains are outliers 1 +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. The population of the special wards is over 9 million people 1 +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. the total population of the prefecture exceeds 13 million 1 +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. the prefecture has a population 1 +The population of the special wards is over 9 million people, with the total population of the prefecture exceeding 13 million. the special wards have a population 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. The prefecture is part of the world 's most populous metropolitan area 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. the world 's most populous metropolitan area has upwards of 37.8 million people 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. The prefecture is part of the world 's largest urban agglomeration economy 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. the world has metropolitan areas 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. the world has urban agglomeration economies 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. the world has a most populous metropolitan area 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. the world has a largest urban agglomeration economy 1 +The prefecture is part of the world's most populous metropolitan area with upwards of 37.8 million people and the world's largest urban agglomeration economy. urban agglomerations have economies 1 +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. the city hosted 51 of the Fortune Global 500 companies 1 +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. the city hosted the highest number of any city in the world 1 +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. the city hosted companies 1 +In 2011, the city hosted 51 of the Fortune Global 500 companies, the highest number of any city in the world, at that time. any city has a number of Fortune Global 500 companies 1 +Tokyo ranked third (twice) in the International Financial Centres Development IndexEdit. Tokyo ranked third 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to various television networks 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to Fuji TV 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. Fuji TV is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to Tokyo MX 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. Tokyo MX is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to TV Tokyo 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. TV Tokyo is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to TV Asahi 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. TV Asahi is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to Nippon Television 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. Nippon Television is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to NHK 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. NHK is a television network 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. The city is home to the Tokyo Broadcasting System 1 +The city is also home to various television networks such as Fuji TV, Tokyo MX, TV Tokyo, TV Asahi, Nippon Television, NHK and the Tokyo Broadcasting System. the Tokyo Broadcasting System is a television network 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. Finnish police reprimanded a man 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. a man met with Juha Sipila 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. Juha Sipila is Prime Minister 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. this was a breach of the traffic code 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. a government crisis happened last summer 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. a man had a meeting with Juha Sipila 1 +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer, saying this was breach of the traffic code. the government had a crisis 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. A police statement did not name the man in the boot 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. the man in the boot was Samuli Virtanen 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. the traveler was Samuli Virtanen 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. Samuli Virtanen is State Secretary 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. Samuli Virtanen is the deputy to Foreign Minister Timo Soini 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. Samuli Virtanen is a deputy 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. Timo Soini is Foreign Minister 1 +A police statement did not name the man in the boot, but in effect indicated the traveler was State Secretary Samuli Virtanen, who is also the deputy to Foreign Minister Timo Soini. Timo Soini has a deputy 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. The meeting took place in June 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. the Finns party elected anti-immigration hardliners 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. the Finns party is co-ruling 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. Virtanen belongs to the Finns party 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. the Finns party has new leaders 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. anti-immigration hardliners are its new leaders 1 +The meeting took place in June, a day after Virtanen’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders. the Finns party has leaders 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. The government was close to collapse 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. a group of politicians walked out of the Finns party 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. Virtanen walked out of the Finns party 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. Soini walked out of the Finns party 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. Virtanen is a politician 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. Soini is a politician 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. a group of politicians would form a new group 1 +The government was close to collapse until a group of politicians, including Virtanen and Soini, in the following week walked out of the Finns party and announced they would form a new group. a group of politicians including Virtanen and Soini would form a new group 1 +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. The Finns party was thrown out of the government 1 +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. Blue Reform kept its cabinet seat 1 +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. the new group kept its cabinet seat 1 +The Finns party was thrown out of the government and the new “Blue Reform” group kept its cabinet seat. Blue Reform is a group 1 +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. Virtanen has not commented on the case 1 +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. Tiina Elovaara is a lawmaker 1 +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. Tiina Elovaara is from Blue Reform 1 +Virtanen has not commented on the case, but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment. Virtanen climbed into the boot 1 +“He avoided media attention when the situation was most serious, and the risk of leakage about the parliamentarians’ transition was too big,” Elovaara said. He avoided media attention 1 +“He avoided media attention when the situation was most serious, and the risk of leakage about the parliamentarians’ transition was too big,” Elovaara said. the risk of leakage about the parliamentarians ’ transition was too big 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales was born Jason Charles Beck 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales was born on 20 March 1972 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales was born in 1972 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales is Canadian 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales won a Grammy 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales is a musician 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. who resided in Paris , France 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. who resided in France 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Paris is in France 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. who lives in Cologne , Germany 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Cologne is in Germany 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. Chilly Gonzales is a Grammy-winning Canadian musician 1 +Chilly Gonzales (born Jason Charles Beck; 20 March 1972) is a Grammy-winning Canadian musician who resided in Paris, France for several years, and now lives in Cologne, Germany. who lives in Germany 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is a producer 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is a songwriter 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is Known for his albums of classical piano compositions with a pop music sensibility 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is Known for Solo Piano I 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is Known for Solo Piano II 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is Known for his MC albums 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. he is Known for his electro albums 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano I is an album 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano I is an album of classical piano compositions 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano I has a pop music sensibility 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano II is an album 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano II is an album of classical piano compositions 1 +Known for his albums of classical piano compositions with a pop music sensibility, Solo Piano I and Solo Piano II, as well as his MC and electro albums, he is also a producer and songwriter. Solo Piano I has a pop music sensibility 1 +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. Gonzales broadcasts Pop Music Masterclass 1 +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. Pop Music Masterclass is a web series 1 +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. Gonzales broadcasts Classical Connections 1 +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. Classical Connections is a documentary 1 +Gonzales broadcasts a web series Pop Music Masterclass on WDR, the documentary Classical Connections on BBC Radio 1, The History of Music on Arte, and Music's Cool with Chilly Gonzales on Apple Music's Beats1 radio show. Gonzales broadcasts The History of Music 1 +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. He has written newspaper opinion pieces 1 +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. He has written magazine opinion pieces 1 +He has written several newspaper and magazine opinion pieces in The Guardian, Vice, Billboard, and others. He has written opinion pieces 1 +He is the younger brother of the prolific film composer Christophe Beck. He is the younger brother of Christophe Beck 1 +He is the younger brother of the prolific film composer Christophe Beck. Christophe Beck is a film composer 1 +He is the younger brother of the prolific film composer Christophe Beck. Christophe Beck is a prolific film composer 1 +He is the younger brother of the prolific film composer Christophe Beck. He is the brother of Christophe Beck 1 +He is the younger brother of the prolific film composer Christophe Beck. He is younger than Christophe Beck 1 +Gonzales was born on 20 March 1972. Gonzales was born on 20 March 1972 1 +Gonzales was born on 20 March 1972. Gonzales was born in 1972 1 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. His parents are Ashkenazi Jews 1 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. His parents are Jews 1 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. His parents had to flee from Hungary 1 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. His parents fled from Hungary 1 +His parents are Ashkenazi Jews who had to flee from Hungary during World War II. Chilly Gonzales has parents 1 +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. Gonzales began teaching himself piano 1 +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. Gonzales taught himself piano 1 +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. Gonzales has an older brother 1 +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. Chris took piano lessons 1 +Gonzales began teaching himself piano at age three, when his older brother Chris began taking lessons. Chris is the older brother of Gonzales 1 +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. Gonzales graduated from Crescent School 1 +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. Toronto is in Ontario , Canada 1 +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. Toronto is in Canada 1 +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. Ontario is in Canada 1 +Gonzales graduated from Crescent School in Toronto, Ontario, Canada. Crescent School is in Toronto , Ontario , Canada 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He was classically trained as a pianist 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He began his composing career 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He began his performing career 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He co-authored musicals 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He is a jazz virtuoso 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He has a composing career 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He has a performing career 1 +He was classically trained as a pianist at McGill University, where he began both his composing career, co-authoring several musicals with his brother, and his performing career, as a jazz virtuoso. He has a brother 1 +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. EM stands for expectation–maximization 1 +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. an expectation–maximization algorithm is an iterative method 1 +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. MAP stands for maximum a posteriori 1 +In statistics, an expectation–maximization (EM) algorithm is an iterative method to find maximum likelihood or maximum a posteriori (MAP) estimates of parameters in statistical models, where the model depends on unobserved latent variables. an expectation–maximization algorithm finds maximum likelihood estimates of parameters in statistical models 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. E stands for expectation 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. M stands for maximization 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. an expectation step creates a function for the expectation of the log-likelihood 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. a maximization step computes parameters 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. The EM iteration performs an expectation step 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. The EM iteration performs a maximization step 1 +The EM iteration alternates between performing an expectation (E) step, which creates a function for the expectation of the log-likelihood evaluated using the current estimate for the parameters, and a maximization (M) step, which computes parameters maximizing the expected log-likelihood found on the E step. the expected log-likelihood is found on the E step 1 +These parameter-estimates are then used to determine the distribution of the latent variables in the next E step. These parameter-estimates are used to determine the distribution of the latent variables 1 +These parameter-estimates are then used to determine the distribution of the latent variables in the next E step. the latent variables have a distribution 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. The EM algorithm was explained in a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. The EM algorithm was explained in a paper 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. The EM algorithm was explained in 1977 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. a paper explained The EM algorithm 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin explained The EM algorithm 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin gave its name to The EM algorithm 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. a paper gave its name to The EM algorithm 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. Arthur Dempster , Nan Laird , and Donald Rubin wrote a classic paper 1 +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster, Nan Laird, and Donald Rubin. The EM algorithm has a name 1 +They pointed out that the method had been "proposed many times in special circumstances" by earlier authors. the method had been proposed by earlier authors 1 +They pointed out that the method had been "proposed many times in special circumstances" by earlier authors. earlier authors proposed the method 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. A treatment of the EM method for exponential families was published by Rolf Sundberg 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg published A treatment of the EM method for exponential families 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg published A very detailed treatment of the EM method for exponential families 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg has a thesis 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg wrote a thesis 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg collaborated with Per Martin-Löf 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg collaborated with Anders Martin-Löf 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg has a collaboration with Per Martin-Löf 1 +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin-Löf and Anders Martin-Löf. Rolf Sundberg has a collaboration with Anders Martin-Löf 1 +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. The Dempster–Laird–Rubin paper generalized the method 1 +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. The Dempster–Laird–Rubin paper sketched a convergence analysis 1 +The Dempster–Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems. The Dempster–Laird–Rubin paper was published in 1977 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". the Dempster–Laird–Rubin paper was published in the Journal of the Royal Statistical Society 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". Sundberg called the paper 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". the paper is brilliant 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". the Dempster–Laird–Rubin paper is innovative 1 +Regardless of earlier inventions, the innovative Dempster–Laird–Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper "brilliant". Royal Statistical Society had a meeting 1 +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. The Dempster–Laird–Rubin paper established the EM method 1 +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. the EM method is an important tool of statistical analysis 1 +The Dempster–Laird–Rubin paper established the EM method as an important tool of statistical analysis. the EM method is a tool of statistical analysis 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. economists are predicting the same 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. economists are predicting a neither too-hot nor too-cold Goldilocks scenario 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. economists are predicting a Goldilocks scenario 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. a year had a relatively healthy global economic growth 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. the same is a neither too-hot nor too-cold Goldilocks scenario 1 +After a year of relatively healthy global economic growth, economists are predicting pretty much the same for 2018 -- a neither too-hot nor too-cold Goldilocks scenario, but with little sight of the three bears. the same is a Goldilocks scenario 1 +The idea is that all is pretty much on track for growth that will be stronger than in 2017. growth will be stronger than in 2017 1 +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. forecasters got it wrong last year 1 +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. forecasters underclubbed this year economic performance 1 +Part of this may come from the fact that forecasters generally got it wrong last year, underclubbing this year’s economic performance, particularly for the euro zone and Japan. this year has an economic performance 1 +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. The International Monetary Fund saw 2017 global growth 1 +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. The International Monetary Fund saw advanced economies 1 +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. 2017 global growth was 3.4 percent 1 +The International Monetary Fund, for example, saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent. advanced economies advanced 1.8 percent 1 +It now reckons them at 3.6 percent and 2.2 percent. It reckons them 1 +It now reckons them at 3.6 percent and 2.2 percent. them was 3.6 percent 1 +It now reckons them at 3.6 percent and 2.2 percent. them was 2.2 percent 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. It had the euro zone 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. It had Japan 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. It predicted the growth of the euro zone 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. It predicted the growth of Japan 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. the euro zone grew 1.5 percent 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. Japan grew 0.6 percent 1 +It had the euro zone and Japan growing 1.5 percent and 0.6 percent, respectively. the euro has a zone 1 +It now has them at 2.1 percent and 1.5 percent. It has them 1 +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. Faster growth is reaching two-thirds of the world ’ s population 1 +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. the IMF said “ Faster growth is reaching roughly two-thirds of the world ’ s population , ” 1 +“Faster growth is reaching roughly two-thirds of the world’s population,” the IMF said in a December blog post. the IMF has a blog 1 +This performance has made some economists optimistic. This performance has made some economists 1 +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” Nomura is among the more bullish 1 +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” Nomura is bullish 1 +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” Global growth has more self-reinforcing characteristics at present 1 +Nomura is among the more bullish: “Global growth has far more self-reinforcing characteristics at present than at any time over the last 20-30 years.” Global growth has self-reinforcing characteristics 1 +There are huge numbers of potential political and economic risks to the status quo. risks to the status quo are political and economic 1 +There are huge numbers of potential political and economic risks to the status quo. economic risks threaten the status quo 1 +There are huge numbers of potential political and economic risks to the status quo. potential political risks threaten the status quo 1 +There are huge numbers of potential political and economic risks to the status quo. political risks threaten the status quo 1 +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. central banks are a risk to a year of relatively healthy global economic growth 1 +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. trade is a risk to a year of relatively healthy global economic growth 1 +But as in the fairy tale, let’s go with just three: central banks, trade, and bubbles. bubbles is a risk to a year of relatively healthy global economic growth 1 +In the first case, the danger is that there will be a policy mistake, squeezing debtors. a policy mistake would squeeze debtors 1 +In the first case, the danger is that there will be a policy mistake, squeezing debtors. a policy mistake is a danger 1 +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. renewed U.S. protectionism could trigger trade barriers 1 +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. anger over Chinese exports could trigger trade barriers 1 +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit-for-tat, growth-stifling trade barriers. trade barriers stifle growth 1 +The third is about sudden market losses that dry up spending and demand. The third is about sudden market losses 1 +The third is about sudden market losses that dry up spending and demand. sudden market losses could dry up spending 1 +The third is about sudden market losses that dry up spending and demand. sudden market losses could dry up demand 1 diff --git a/data/evaluation_data/wire57/gold_data/wire57_test_sentences.txt b/data/evaluation_data/wire57/gold_data/wire57_test_sentences.txt new file mode 100644 index 0000000000000000000000000000000000000000..5494a1523924903fe778aa1b28f45a00e54b8ad0 --- /dev/null +++ b/data/evaluation_data/wire57/gold_data/wire57_test_sentences.txt @@ -0,0 +1,56 @@ +Tokyo ( ˈtoʊkioʊ , Japanese : toːkʲoː ) , officially Tokyo Metropolis , is the capital city of Japan and one of its 47 prefectures . +The Greater Tokyo Area is the most populous metropolitan area in the world . +It is the seat of the Emperor of Japan and the Japanese government . +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands . +Formerly known as Edo , it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters . +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868 ; at that time Edo was renamed Tokyo . +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture ( 東京府 Tōkyō - fu ) and the city of Tokyo ( 東京市 Tōkyō - shi ) . +Tokyo is often referred to as a city , but is officially known and governed as a " metropolitan prefecture " , which differs from and combines elements of a city and a prefecture , a characteristic unique to Tokyo . +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo ( each governed as an individual city ) , which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943 . +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains . +The population of the special wards is over 9 million people , with the total population of the prefecture exceeding 13 million . +The prefecture is part of the world 's most populous metropolitan area with upwards of 37.8 million people and the world 's largest urban agglomeration economy . +In 2011 , the city hosted 51 of the Fortune Global 500 companies , the highest number of any city in the world , at that time . +Tokyo ranked third ( twice ) in the International Financial Centres Development IndexEdit . +The city is also home to various television networks such as Fuji TV , Tokyo MX , TV Tokyo , TV Asahi , Nippon Television , NHK and the Tokyo Broadcasting System . +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer , saying this was breach of the traffic code . +A police statement did not name the man in the boot , but in effect indicated the traveler was State Secretary Samuli Virtanen , who is also the deputy to Foreign Minister Timo Soini . +The meeting took place in June , a day after Virtanen ’s co-ruling Finns party had elected anti-immigration hardliners as its new leaders . +The government was close to collapse until a group of politicians , including Virtanen and Soini , in the following week walked out of the Finns party and announced they would form a new group . +The Finns party was thrown out of the government and the new “ Blue Reform ” group kept its cabinet seat . +Virtanen has not commented on the case , but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment . +“ He avoided media attention when the situation was most serious , and the risk of leakage about the parliamentarians ’ transition was too big , ” Elovaara said . +Chilly Gonzales ( born Jason Charles Beck ; 20 March 1972 ) is a Grammy - winning Canadian musician who resided in Paris , France for several years , and now lives in Cologne , Germany . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I and Solo Piano II , as well as his MC and electro albums , he is also a producer and songwriter . +Gonzales broadcasts a web series Pop Music Masterclass on WDR , the documentary Classical Connections on BBC Radio 1 , The History of Music on Arte , and Music 's Cool with Chilly Gonzales on Apple Music 's Beats 1 radio show . +He has written several newspaper and magazine opinion pieces in The Guardian , Vice , Billboard , and others . +He is the younger brother of the prolific film composer Christophe Beck . +Gonzales was born on 20 March 1972 . +His parents are Ashkenazi Jews who had to flee from Hungary during World War II . +Gonzales began teaching himself piano at age three , when his older brother Chris began taking lessons . +Gonzales graduated from Crescent School in Toronto , Ontario , Canada . +He was classically trained as a pianist at McGill University , where he began both his composing career , co-authoring several musicals with his brother , and his performing career , as a jazz virtuoso . +In statistics , an expectation – maximization ( EM ) algorithm is an iterative method to find maximum likelihood or maximum a posteriori ( MAP ) estimates of parameters in statistical models , where the model depends on unobserved latent variables . +The EM iteration alternates between performing an expectation ( E ) step , which creates a function for the expectation of the log -likelihood evaluated using the current estimate for the parameters , and a maximization ( M ) step , which computes parameters maximizing the expected log - likelihood found on the E step . +These parameter - estimates are then used to determine the distribution of the latent variables in the next E step . +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin . +They pointed out that the method had been " proposed many times in special circumstances " by earlier authors . +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin - Löf and Anders Martin - Löf . +The Dempster – Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems . +Regardless of earlier inventions , the innovative Dempster – Laird – Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper " brilliant " . +The Dempster – Laird –Rubin paper established the EM method as an important tool of statistical analysis . +After a year of relatively healthy global economic growth , economists are predicting pretty much the same for 2018 -- a neither too - hot nor too - cold Goldilocks scenario , but with little sight of the three bears . +The idea is that all is pretty much on track for growth that will be stronger than in 2017 . +Part of this may come from the fact that forecasters generally got it wrong last year , underclubbing this year ’s economic performance , particularly for the euro zone and Japan . +The International Monetary Fund , for example , saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent . +It now reckons them at 3.6 percent and 2.2 percent . +It had the euro zone and Japan growing 1.5 percent and 0.6 percent , respectively . +It now has them at 2.1 percent and 1.5 percent . +“ Faster growth is reaching roughly two - thirds of the world ’s population , ” the IMF said in a December blog post . +This performance has made some economists optimistic . +Nomura is among the more bullish : “ Global growth has far more self - reinforcing characteristics at present than at any time over the last 20 - 30 years . ” +There are huge numbers of potential political and economic risks to the status quo . +But as in the fairy tale , let ’s go with just three : central banks , trade , and bubbles . +In the first case , the danger is that there will be a policy mistake , squeezing debtors . +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit - for - tat , growth - stifling trade barriers . +The third is about sudden market losses that dry up spending and demand . diff --git a/data/evaluation_data/wire57/wire57_conjunctions.txt b/data/evaluation_data/wire57/wire57_conjunctions.txt new file mode 100644 index 0000000000000000000000000000000000000000..63a895938c8dde19a0db711cfe8f2c2a3fae4aa6 --- /dev/null +++ b/data/evaluation_data/wire57/wire57_conjunctions.txt @@ -0,0 +1,236 @@ +Tokyo ( ˈtoʊkioʊ , Japanese : toːkʲoː ) , officially Tokyo Metropolis , is the capital city of Japan and one of its 47 prefectures . +Tokyo ( ˈtoʊkioʊ , Japanese : toːkʲoː ) , officially Tokyo Metropolis , is the capital city of Japan . +Tokyo ( ˈtoʊkioʊ , Japanese : toːkʲoː ) , officially Tokyo Metropolis , is one of its 47 prefectures . + +The Greater Tokyo Area is the most populous metropolitan area in the world . + + +It is the seat of the Emperor of Japan and the Japanese government . +It is the seat of the Emperor of Japan . +It is the seat of the Japanese government . + +Tokyo is in the Kantō region on the southeastern side of the main island Honshu and includes the Izu Islands and Ogasawara Islands . +Tokyo is in the Kantō region on the southeastern side of the main island Honshu . +Tokyo includes the Izu Islands . +Tokyo includes Ogasawara Islands . + +Formerly known as Edo , it has been the de facto seat of government since 1603 when Shogun Tokugawa Ieyasu made the city his headquarters . + + +It officially became the capital after Emperor Meiji moved his seat to the city from the old capital of Kyoto in 1868 ; at that time Edo was renamed Tokyo . + + +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture ( 東京府 Tōkyō - fu ) and the city of Tokyo ( 東京市 Tōkyō - shi ) . +Tokyo Metropolis was formed in 1943 from the merger of the former Tokyo Prefecture ( 東京府 Tōkyō - fu ) . +Tokyo Metropolis was formed in 1943 from the merger of the city of Tokyo ( 東京市 Tōkyō - shi ) . + +Tokyo is often referred to as a city , but is officially known and governed as a " metropolitan prefecture " , which differs from and combines elements of a city and a prefecture , a characteristic unique to Tokyo . +Tokyo is often referred to as a city . +Tokyo is officially known as a " metropolitan prefecture " , which differs from of a city , a characteristic unique to Tokyo . +Tokyo is officially known as a " metropolitan prefecture " , which differs from of a prefecture , a characteristic unique to Tokyo . +Tokyo is officially known as a " metropolitan prefecture " , which combines elements of a city , a characteristic unique to Tokyo . +Tokyo is officially known as a " metropolitan prefecture " , which combines elements of a prefecture , a characteristic unique to Tokyo . +Tokyo is officially governed as a " metropolitan prefecture " , which differs from of a city , a characteristic unique to Tokyo . +Tokyo is officially governed as a " metropolitan prefecture " , which differs from of a prefecture , a characteristic unique to Tokyo . +Tokyo is officially governed as a " metropolitan prefecture " , which combines elements of a city , a characteristic unique to Tokyo . +Tokyo is officially governed as a " metropolitan prefecture " , which combines elements of a prefecture , a characteristic unique to Tokyo . + +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo ( each governed as an individual city ) , which cover the area that was the City of Tokyo before it merged and became the metropolitan prefecture in 1943 . +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo ( each governed as an individual city ) , which cover the area that was the City of Tokyo before it merged . +The Tokyo metropolitan government administers the 23 Special Wards of Tokyo ( each governed as an individual city ) , which cover the area that was the City of Tokyo before it became the metropolitan prefecture in 1943 . + +The metropolitan government also administers 39 municipalities in the western part of the prefecture and the two outlying island chains . +The metropolitan government also administers 39 municipalities in the western part of the prefecture . +The metropolitan government also administers 39 municipalities in the two outlying island chains . + +The population of the special wards is over 9 million people , with the total population of the prefecture exceeding 13 million . + + +The prefecture is part of the world 's most populous metropolitan area with upwards of 37.8 million people and the world 's largest urban agglomeration economy . +The prefecture is part of the world 's most populous metropolitan area with upwards of 37.8 million people . +The prefecture is part of the world 's most populous metropolitan area with the world 's largest urban agglomeration economy . + +In 2011 , the city hosted 51 of the Fortune Global 500 companies , the highest number of any city in the world , at that time . + + +Tokyo ranked third ( twice ) in the International Financial Centres Development IndexEdit . + + +The city is also home to various television networks such as Fuji TV , Tokyo MX , TV Tokyo , TV Asahi , Nippon Television , NHK and the Tokyo Broadcasting System . +The city is also home to various television networks such as Fuji TV . +The city is also home to various television networks such as Tokyo MX . +The city is also home to various television networks such as TV Tokyo . +The city is also home to various television networks such as TV Asahi . +The city is also home to various television networks such as Nippon Television . +The city is also home to various television networks such as NHK . +The city is also home to various television networks such as the Tokyo Broadcasting System . + +Finnish police reprimanded a man for traveling in a car boot to hide his meeting with Prime Minister Juha Sipila during a government crisis last summer , saying this was breach of the traffic code . + + +A police statement did not name the man in the boot , but in effect indicated the traveler was State Secretary Samuli Virtanen , who is also the deputy to Foreign Minister Timo Soini . +A police statement did not name the man in the boot . +A police statement in effect indicated the traveler was State Secretary Samuli Virtanen , who is also the deputy to Foreign Minister Timo Soini . + +The meeting took place in June , a day after Virtanen 's co-ruling Finns party had elected anti-immigration hardliners as its new leaders . + + +The government was close to collapse until a group of politicians , including Virtanen and Soini , in the following week walked out of the Finns party and announced they would form a new group . +The government was close to collapse until a group of politicians , including Virtanen , in the following week walked out of the Finns party . +The government was close to collapse until a group of politicians , including Virtanen , in the following week announced they would form a new group . +The government was close to collapse until a group of politicians , including Soini , in the following week walked out of the Finns party . +The government was close to collapse until a group of politicians , including Soini , in the following week announced they would form a new group . + +The Finns party was thrown out of the government and the new '' Blue Reform '' group kept its cabinet seat . +The Finns party was thrown out of the government . +the new '' Blue Reform '' group kept its cabinet seat . + +Virtanen has not commented on the case , but lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment . +Virtanen has not commented on the case . +lawmaker Tiina Elovaara from Blue Reform said in a blog that Virtanen climbed into the boot to keep the meeting secret at a critical moment . + +'' He avoided media attention when the situation was most serious , and the risk of leakage about the parliamentarians ' transition was too big , '' Elovaara said . +'' He avoided media attention when the situation was most serious , '' Elovaara said . +'' He avoided media attention when the risk of leakage about the parliamentarians ' transition was too big , '' Elovaara said . + +Chilly Gonzales ( born Jason Charles Beck ; 20 March 1972 ) is a Grammy - winning Canadian musician who resided in Paris , France for several years , and now lives in Cologne , Germany . +Chilly Gonzales ( born Jason Charles Beck ; 20 March 1972 ) is a Grammy - winning Canadian musician who resided in Paris , France for several years . +Chilly Gonzales ( born Jason Charles Beck ; 20 March 1972 ) is a Grammy - winning Canadian musician who now lives in Cologne , Germany . + +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I and Solo Piano II , as well as his MC and electro albums , he is also a producer and songwriter . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I , as well as his MC albums , he is also a producer . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I , as well as his MC albums , he is also a songwriter . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I , as well as his electro albums , he is also a producer . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano I , as well as his electro albums , he is also a songwriter . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano II , as well as his MC albums , he is also a producer . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano II , as well as his MC albums , he is also a songwriter . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano II , as well as his electro albums , he is also a producer . +Known for his albums of classical piano compositions with a pop music sensibility , Solo Piano II , as well as his electro albums , he is also a songwriter . + +Gonzales broadcasts a web series Pop Music Masterclass on WDR , the documentary Classical Connections on BBC Radio 1 , The History of Music on Arte , and Music 's Cool with Chilly Gonzales on Apple Music 's Beats 1 radio show . +Gonzales broadcasts a web series Pop Music Masterclass on WDR . +Gonzales broadcasts the documentary Classical Connections on BBC Radio 1 . +Gonzales broadcasts The History of Music on Arte . +Gonzales broadcasts Music 's Cool with Chilly Gonzales on Apple Music 's Beats 1 radio show . + +He has written several newspaper and magazine opinion pieces in The Guardian , Vice , Billboard , and others . +He has written several newspaper opinion pieces in The Guardian . +He has written several newspaper opinion pieces in Vice . +He has written several newspaper opinion pieces in Billboard . +He has written several newspaper opinion pieces in others . +He has written several magazine opinion pieces in The Guardian . +He has written several magazine opinion pieces in Vice . +He has written several magazine opinion pieces in Billboard . +He has written several magazine opinion pieces in others . + +He is the younger brother of the prolific film composer Christophe Beck . + + +Gonzales was born on 20 March 1972 . + + +His parents are Ashkenazi Jews who had to flee from Hungary during World War II . + + +Gonzales began teaching himself piano at age three , when his older brother Chris began taking lessons . + + +Gonzales graduated from Crescent School in Toronto , Ontario , Canada . + + +He was classically trained as a pianist at McGill University , where he began both his composing career , co-authoring several musicals with his brother , and his performing career , as a jazz virtuoso . +He was classically trained as a pianist at McGill University , where he began both his composing career , co-authoring several musicals with his brother . +He was classically trained as a pianist at McGill University , where he began both his performing career , as a jazz virtuoso . + +In statistics , an expectation – maximization ( EM ) algorithm is an iterative method to find maximum likelihood or maximum a posteriori ( MAP ) estimates of parameters in statistical models , where the model depends on unobserved latent variables . +In statistics , an expectation – maximization ( EM ) algorithm is an iterative method to find maximum likelihood ) estimates of parameters in statistical models , where the model depends on unobserved latent variables . +In statistics , an expectation – maximization ( EM ) algorithm is an iterative method to find maximum a posteriori ( MAP ) estimates of parameters in statistical models , where the model depends on unobserved latent variables . + +The EM iteration alternates between performing an expectation ( E ) step , which creates a function for the expectation of the log -likelihood evaluated using the current estimate for the parameters , and a maximization ( M ) step , which computes parameters maximizing the expected log - likelihood found on the E step . + + +These parameter - estimates are then used to determine the distribution of the latent variables in the next E step . + + +The EM algorithm was explained and given its name in a classic 1977 paper by Arthur Dempster , Nan Laird , and Donald Rubin . +The EM algorithm was explained in a classic 1977 paper by Arthur Dempster . +The EM algorithm was explained in a classic 1977 paper by Nan Laird . +The EM algorithm was explained in a classic 1977 paper by Donald Rubin . +The EM algorithm was given its name in a classic 1977 paper by Arthur Dempster . +The EM algorithm was given its name in a classic 1977 paper by Nan Laird . +The EM algorithm was given its name in a classic 1977 paper by Donald Rubin . + +They pointed out that the method had been " proposed many times in special circumstances " by earlier authors . + + +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis and several papers following his collaboration with Per Martin - Löf and Anders Martin - Löf . +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in his thesis . +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in several papers following his collaboration with Per Martin - Löf . +A very detailed treatment of the EM method for exponential families was published by Rolf Sundberg in several papers following his collaboration with Anders Martin - Löf . + +The Dempster – Laird–Rubin paper in 1977 generalized the method and sketched a convergence analysis for a wider class of problems . +The Dempster – Laird–Rubin paper in 1977 generalized the method . +The Dempster – Laird–Rubin paper in 1977 sketched a convergence analysis for a wider class of problems . + +Regardless of earlier inventions , the innovative Dempster – Laird – Rubin paper in the Journal of the Royal Statistical Society received an enthusiastic discussion at the Royal Statistical Society meeting with Sundberg calling the paper " brilliant " . + + +The Dempster – Laird –Rubin paper established the EM method as an important tool of statistical analysis . + + +After a year of relatively healthy global economic growth , economists are predicting pretty much the same for 2018 -- a neither too - hot nor too - cold Goldilocks scenario , but with little sight of the three bears . + + +The idea is that all is pretty much on track for growth that will be stronger than in 2017 . + + +Part of this may come from the fact that forecasters generally got it wrong last year , underclubbing this year 's economic performance , particularly for the euro zone and Japan . +Part of this may come from the fact that forecasters generally got it wrong last year , underclubbing this year 's economic performance , particularly for the euro zone . +Part of this may come from the fact that forecasters generally got it wrong last year , underclubbing this year 's economic performance , particularly for Japan . + +The International Monetary Fund , for example , saw 2017 global growth at 3.4 percent with advanced economies advancing 1.8 percent . + + +It now reckons them at 3.6 percent and 2.2 percent . +It now reckons them at 3.6 percent . +It now reckons them at 2.2 percent . + +It had the euro zone and Japan growing 1.5 percent and 0.6 percent , respectively . +It had the euro zone growing 1.5 percent , respectively . +It had the euro zone growing 0.6 percent , respectively . +It had Japan growing 1.5 percent , respectively . +It had Japan growing 0.6 percent , respectively . + +It now has them at 2.1 percent and 1.5 percent . +It now has them at 2.1 percent . +It now has them at 1.5 percent . + +'' Faster growth is reaching roughly two - thirds of the world 's population , '' the IMF said in a December blog post . + + +This performance has made some economists optimistic . + + +Nomura is among the more bullish : '' Global growth has far more self - reinforcing characteristics at present than at any time over the last 20 - 30 years . '' + + +There are huge numbers of potential political and economic risks to the status quo . +There are huge numbers of potential political risks to the status quo . +There are huge numbers of potential economic risks to the status quo . + +But as in the fairy tale , let 's go with just three : central banks , trade , and bubbles . +But as in the fairy tale , let 's go with just three : central banks . +But as in the fairy tale , let 's go with just three : trade . +But as in the fairy tale , let 's go with just three : bubbles . + +In the first case , the danger is that there will be a policy mistake , squeezing debtors . + + +The second relates to renewed U.S. protectionism or anger over Chinese exports triggering tit - for - tat , growth - stifling trade barriers . +The second relates to renewed U.S. protectionism triggering tit - for - tat , growth - stifling trade barriers . +The second relates to anger over Chinese exports triggering tit - for - tat , growth - stifling trade barriers . + +The third is about sudden market losses that dry up spending and demand . +The third is about sudden market losses that dry up spending . +The third is about sudden market losses that dry up demand . + diff --git a/data/evaluation_data/wire57/wire57_evaluation.py b/data/evaluation_data/wire57/wire57_evaluation.py new file mode 100644 index 0000000000000000000000000000000000000000..1f7a8cbbaf9f5cd951b936236db17c23a2d02438 --- /dev/null +++ b/data/evaluation_data/wire57/wire57_evaluation.py @@ -0,0 +1,304 @@ +import json +import re +import argparse + + +def load_WiRe_annotations(): + save_path = "../data/WiRe57_343-manual-oie.json" + annotations = json.load(open(save_path)) + return annotations + + +def get_extraction_wire57(arg1, rel, arg2): + return {'arg1': arg1, 'rel': rel, 'arg2': arg2} + + +def get_extraction_wire57_gold(arg1, rel, arg2): + extraction = {} + extraction['arg1'] = {'text': arg1, 'words': arg1.split()} + extraction['rel'] = {'text': rel, 'words': rel.split()} + extraction['arg2'] = {'text': arg2, 'words': arg2.split()} + return extraction + + +def get_allenlp_args(line): + assert len(re.findall(".*", line)) == 1 + assert len(re.findall(".*", line)) == 1 + assert len(re.findall(".*", line)) == 1 + + arg1 = re.findall(".*", line)[0].strip('').strip('').strip() + rel = re.findall(".*", line)[0].strip('').strip('').strip() + arg2 = re.findall(".*", line)[0].strip('').strip('').strip() + + return arg1, rel, arg2 + + +def process_allennlp_format(file, gold=False): + with open(file, 'r') as f: + lines = f.readlines() + + extractions = {} + + current_sentence = None + for l in lines: + if len(l.strip()) > 0: + items = l.strip().split('\t') + assert len(items) == 3 + if current_sentence != items[0]: + current_sentence = items[0] + extractions[current_sentence] = [] + arg1, rel, arg2 = get_allenlp_args(items[1]) + if gold: + extr = get_extraction_wire57_gold(arg1, rel, arg2) + else: + extr = get_extraction_wire57(arg1, rel, arg2) + extractions[current_sentence].append(extr) + + return extractions + + +def main(arguments): + + gold = process_allennlp_format(arguments.gold, gold=True) + + predictions_by_OIE = process_allennlp_format(arguments.system) + + report = "" + metrics, raw_match_scores = eval_system(gold, predictions_by_OIE) + + # with open("raw_scores/"+e+"_prec_scores.dat", "w") as f: + # f.write(str(raw_match_scores[0])) + # with open("raw_scores/"+e+"_rec_scores.dat", "w") as f: + # f.write(str(raw_match_scores[1])) + prec, rec = metrics['precision'], metrics['recall'] + f1_score = f1(prec, rec) + exactmatch_prec = metrics['exactmatches_precision'][0] / metrics['exactmatches_precision'][1] + exactmatch_rec = metrics['exactmatches_recall'][0] / metrics['exactmatches_recall'][1] + report += ("prec/rec/f1: {:.1%} {:.1%} {:.3f}" + .format(prec, rec, f1_score)) + report += ("\nprec/rec of matches only (non-matches): {:.0%} {:.0%} ({})" + .format(metrics['precision_of_matches'], metrics['recall_of_matches'], metrics['matches'])) + report += ("\n{} were exactly correct, out of {} predicted / the reference {}." + .format(metrics['exactmatches_precision'][0], + metrics['exactmatches_precision'][1], metrics['exactmatches_recall'][1])) + report += ("\nExact-match prec/rec/f1: {:.1%} {:.1%} {:.3f}" + .format(exactmatch_prec, exactmatch_rec, f1(exactmatch_prec, exactmatch_rec))) + + # prec, rec = metrics['precision'], metrics['recall'] + # f1_score = f1(prec, rec) + # + # report += ("prec/rec/f1: {:.1%} {:.1%} {:.3f}".format(prec, rec, f1_score)) + + print(report) + +def eval_system(gold, predictions): + results = {} + # Get a manytuples-to-manytuples match-score for each sentence, + # then gather the scores across sentences and compute the weighted-average + for s, reference_tuples in gold.items(): + predicted_tuples = predictions.get(s, []) + results[s] = sentence_match(reference_tuples, predicted_tuples) + + prec_num, prec_denom = 0, 0 + rec_num, rec_denom = 0, 0 + exactmatches_precnum, exactmatches_precdenom = 0,0 + exactmatches_recnum, exactmatches_recdenom = 0,0 + tot_prec_of_matches, tot_rec_of_matches = 0, 0 + + for s in results.values(): + prec_num += s['precision'][0] + prec_denom += s['precision'][1] + rec_num += s['recall'][0] + rec_denom += s['recall'][1] + exactmatches_precnum += s['exact_match_precision'][0] + exactmatches_precdenom += s['exact_match_precision'][1] + exactmatches_recnum += s['exact_match_recall'][0] + exactmatches_recdenom += s['exact_match_recall'][1] + tot_prec_of_matches += sum(s['precision_of_matches']) + tot_rec_of_matches += sum(s['recall_of_matches']) + + precision_scores = [v for s in results.values() for v in s['precision_of_matches']] + recall_scores = [v for s in results.values() for v in s['recall_of_matches']] + raw_match_scores = [precision_scores, recall_scores] + matches = len(precision_scores) + + metrics = { + 'precision': prec_num / prec_denom, + 'recall': rec_num / rec_denom, + 'matches': matches, + 'precision_of_matches': tot_prec_of_matches / matches, + 'recall_of_matches': tot_rec_of_matches / matches, + 'exactmatches_precision': [exactmatches_precnum, exactmatches_precdenom], + 'exactmatches_recall': [exactmatches_recnum, exactmatches_recdenom] + } + # raw_match_scores = None + return metrics, raw_match_scores + + +# TODO: +# - Implement half points for part-misplaced words. +# - Deal with prepositions possibly being the first token of an arg, especially for arg2. +# > It's fully ok for "any" prep to be last word of ref_rel or first_word of pred_arg + + +def avg(l): + return sum(l) / len(l) + + +def f1(prec, rec): + try: + return 2 * prec * rec / (prec + rec) + except ZeroDivisionError: + return 0 + + +def sentence_match(gold, predicted): + """For a given sentence, compute tuple-tuple matching scores, and gather them +at the sentence level. Return scoring metrics.""" + score, maximum_score = 0, len(gold) + exact_match_scores = [[None for _ in predicted] for __ in gold] + scores = [[None for _ in predicted] for __ in gold] + for i, gt in enumerate(gold): + for j, pt in enumerate(predicted): + exact_match_scores[i][j] = tuple_exact_match(pt, gt) + scores[i][j] = tuple_match(pt, gt) # this is a pair [prec,rec] or False + scoring_metrics = aggregate_scores_greedily(scores) + exact_match_summary = aggregate_exact_matches(exact_match_scores) + scoring_metrics['exact_match_precision'] = exact_match_summary['precision'] + scoring_metrics['exact_match_recall'] = exact_match_summary['recall'] + + return scoring_metrics + + +def str_list(thing): + return "\n".join([str(s) for s in thing]) + + +def aggregate_scores_greedily(scores): + # Greedy match: pick the prediction/gold match with the best f1 and exclude + # them both, until nothing left matches. Each input square is a [prec, rec] + # pair. Returns precision and recall as score-and-denominator pairs. + matches = [] + while True: + max_s = 0 + gold, pred = None, None + for i, gold_ss in enumerate(scores): + if i in [m[0] for m in matches]: + # Those are already taken rows + continue + for j, pred_s in enumerate(scores[i]): + if j in [m[1] for m in matches]: + # Those are used columns + continue + if pred_s and f1(*pred_s) > max_s: + max_s = f1(*pred_s) + gold = i + pred = j + if max_s == 0: + break + matches.append([gold, pred]) + # Now that matches are determined, compute final scores. + prec_scores = [scores[i][j][0] for i, j in matches] + rec_scores = [scores[i][j][1] for i, j in matches] + total_prec = sum(prec_scores) + total_rec = sum(rec_scores) + scoring_metrics = {"precision": [total_prec, len(scores[0])], + "recall": [total_rec, len(scores)], + "precision_of_matches": prec_scores, + "recall_of_matches": rec_scores + } + # print(scoring_metrics) + return scoring_metrics + + +def aggregate_exact_matches(match_matrix): + # For this agregation task, no predicted tuple can exact-match two gold + # ones, so it's easy, look at lines and columns looking for OR-total booleans. + recall = [sum([any(gold_matches) for gold_matches in match_matrix], 0), len(match_matrix)] + # ^ this is [3,5] for "3 out of 5", to be lumped together later. + if len(match_matrix[0]) == 0: + precision = [0, 0] # N/A + else: + precision = [sum([any([g[i] for g in match_matrix]) for i in range(len(match_matrix[0]))], 0), + len(match_matrix[0])] + # f1 = 2 * precision * recall / (precision + recall) + metrics = {'precision': precision, + 'recall': recall} + return metrics + + +def part_to_string(p): + return " ".join(p['words']) + + +def gold_to_text(gt): + text = " ; ".join([part_to_string(gt['arg1']), part_to_string(gt['rel']), part_to_string(gt['arg2'])]) + if gt['arg3+']: + text += " ; " + " ; ".join(gt['arg3+']) + return text + + +def tuple_exact_match(t, gt): + """Without resolving coref and WITH the need to hallucinate humanly infered +words, does the tuple match the reference ? Returns a boolean.""" + for part in ['arg1', 'rel', 'arg2']: + if not t[part] == ' '.join(gt[part]['words']): + # This purposedly ignores that some of the gt words are 'inf' + # print("Predicted '{}' is different from reference '{}'".format(t[part], ' '.join(gt[part]['words']))) + return False + return True + + +""" +Wire57 tuples are built like so: +t = {"attrib/spec?" : attrib, + "arg1" : {'text' : arg1, 'words': arg1_w, "words_indexes" : arg1_ind, + 'dc_text' : arg1dc, 'decorefed_words' : arg1dc_w, 'decorefed_indexes' : arg1dc_ind}, + "rel" : {'text' : rel, 'words': rel_w, "words_indexes" : rel_ind}, + "arg2" : {'text' : arg2, 'words': arg2_w, "words_indexes" : arg2_ind, + 'dc_text' : arg2dc, 'decorefed_words' : arg2dc_w, 'decorefed_indexes' : arg2dc_ind}, + +""" + + +def tuple_match(t, gt): + """t is a predicted tuple, gt is the gold tuple. How well do they match ? +Yields precision and recall scores, a pair of non-zero values, if it's a match, and False if it's not. + """ + precision = [0, 0] # 0 out of 0 predicted words match + recall = [0, 0] # 0 out of 0 reference words match + # If, for each part, any word is the same as a reference word, then it's a match. + for part in ['arg1', 'rel', 'arg2']: + predicted_words = t[part].split() + gold_words = gt[part]['words'] + if not predicted_words: + if gold_words: + return False + else: + continue + matching_words = sum(1 for w in predicted_words if w in gold_words) + if matching_words == 0: + return False # t <-> gt is not a match + precision[0] += matching_words + precision[1] += len(predicted_words) + # Currently this slightly penalises systems when the reference + # reformulates the sentence words, because the reformulation doesn't + # match the predicted word. It's a one-wrong-word penalty to precision, + # to all systems that correctly extracted the reformulated word. + recall[0] += matching_words + recall[1] += len(gold_words) + + if recall[1] == 0 or precision[1] == 0: + return False + prec = precision[0] / precision[1] + rec = recall[0] / recall[1] + return [prec, rec] + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument('--gold', help="file path for gold in allennlp format", required=True) + parser.add_argument('--system', help="file path for system in allennlp format", required=True) + arguments = parser.parse_args() + main(arguments) + diff --git a/data/process.py b/data/process.py new file mode 100644 index 0000000000000000000000000000000000000000..ef83b02988191898c6442a96211dc3f56776bc2d --- /dev/null +++ b/data/process.py @@ -0,0 +1,149 @@ +import json +import argparse +import sys +from collections import defaultdict +from transformers import AutoTokenizer + + +def read_conjunctive_sentences(args): + with open(args.conjunctions_file, 'r') as fin: + sent = True + sent2conj = defaultdict(list) + conj2sent = dict() + currentSentText = '' + for line in fin: + if line == '\n': + sent = True + continue + if sent: + currentSentText = line.replace('\n', '') + sent = False + else: + conj_sent = line.replace('\n', '') + sent2conj[currentSentText].append(conj_sent) + conj2sent[conj_sent] = currentSentText + + return sent2conj + + +def get_conj_free_sentence_dicts(sentence, sent_to_conj, sent_id): + flat_extractions_list = [] + sentence = sentence.replace('\n', '') + if sentence in list(sent_to_conj.keys()): + for s in sent_to_conj[sentence]: + sentence_and_extractions_dict = { + "sentence": s + " [unused1] [unused2] [unused3] [unused4] [unused5] [unused6]", + "sentId": sent_id, "entityMentions": list(), + "relationMentions": list(), "extractionMentions": list()} + flat_extractions_list.append(sentence_and_extractions_dict) + return flat_extractions_list + + return [{ + "sentence": sentence + " [unused1] [unused2] [unused3] [unused4] [unused5] [unused6]", + "sentId": sent_id, "entityMentions": list(), + "relationMentions": list(), "extractionMentions": list()}] + + +def add_joint_label(ext, ent_rel_id): + """add_joint_label add joint labels for sentences + """ + + none_id = ent_rel_id['None'] + sentence_length = len(ext['sentText'].split(' ')) + entity_label_matrix = [[none_id for j in range(sentence_length)] for i in range(sentence_length)] + relation_label_matrix = [[none_id for j in range(sentence_length)] for i in range(sentence_length)] + label_matrix = [[none_id for j in range(sentence_length)] for i in range(sentence_length)] + ent2offset = {} + for ent in ext['entityMentions']: + ent2offset[ent['emId']] = ent['span_ids'] + try: + for i in ent['span_ids']: + for j in ent['span_ids']: + entity_label_matrix[i][j] = ent_rel_id[ent['label']] + except: + print("span ids: ", sentence_length, ent['span_ids'], ext) + sys.exit(1) + ext['entityLabelMatrix'] = entity_label_matrix + for rel in ext['relationMentions']: + arg1_span = ent2offset[rel['arg1']['emId']] + arg2_span = ent2offset[rel['arg2']['emId']] + + for i in arg1_span: + for j in arg2_span: + # to be consistent with the linking model + relation_label_matrix[i][j] = ent_rel_id[rel['label']] - 2 + relation_label_matrix[j][i] = ent_rel_id[rel['label']] - 2 + label_matrix[i][j] = ent_rel_id[rel['label']] + label_matrix[j][i] = ent_rel_id[rel['label']] + ext['relationLabelMatrix'] = relation_label_matrix + ext['jointLabelMatrix'] = label_matrix + + +def tokenize_sentences(ext, tokenizer): + cls = tokenizer.cls_token + sep = tokenizer.sep_token + wordpiece_tokens = [cls] + + wordpiece_tokens_index = [] + cur_index = len(wordpiece_tokens) + # for token in ext['sentText'].split(' '): + for token in ext['sentence'].split(' '): + tokenized_token = list(tokenizer.tokenize(token)) + wordpiece_tokens.extend(tokenized_token) + wordpiece_tokens_index.append([cur_index, cur_index + len(tokenized_token)]) + cur_index += len(tokenized_token) + wordpiece_tokens.append(sep) + + wordpiece_segment_ids = [1] * (len(wordpiece_tokens)) + return { + 'sentId': ext['sentId'], + 'sentText': ext['sentence'], + 'entityMentions': ext['entityMentions'], + 'relationMentions': ext['relationMentions'], + 'extractionMentions': ext['extractionMentions'], + 'wordpieceSentText': " ".join(wordpiece_tokens), + 'wordpieceTokensIndex': wordpiece_tokens_index, + 'wordpieceSegmentIds': wordpiece_segment_ids + } + + +def write_dataset_to_file(dataset, dataset_path): + print("dataset: {}, size: {}".format(dataset_path, len(dataset))) + with open(dataset_path, 'w', encoding='utf-8') as fout: + for idx, ext in enumerate(dataset): + fout.write(json.dumps(ext)) + if idx != len(dataset) - 1: + fout.write('\n') + + +def process(args, sent2conj): + extractions_list = [] + auto_tokenizer = AutoTokenizer.from_pretrained(args.embedding_model) + print("Load {} tokenizer successfully.".format(args.embedding_model)) + + ent_rel_id = json.load(open(args.ent_rel_file, 'r', encoding='utf-8'))["id"] + sentId = 0 + with open(args.source_file, 'r', encoding='utf-8') as fin, open(args.target_file, 'w', encoding='utf-8') as fout: + for line in fin: + sentId += 1 + exts = get_conj_free_sentence_dicts(line, sent2conj, sentId) + for ext in exts: + # ext = ext.strip() + ext_dict = tokenize_sentences(ext, auto_tokenizer) + add_joint_label(ext_dict, ent_rel_id) + extractions_list.append(ext_dict) + fout.write(json.dumps(ext_dict)) + fout.write('\n') + + +if __name__ == '__main__': + parser = argparse.ArgumentParser(description='Process sentences.') + parser.add_argument("--source_file", type=str, help='source file path') + parser.add_argument("--target_file", type=str, help='target file path') + parser.add_argument("--conjunctions_file", type=str, help='conjunctions file.') + parser.add_argument("--ent_rel_file", type=str, default="ent_rel_file.json", help='entity and relation file.') + parser.add_argument("--embedding_model", type=str, default="bert-base-uncased", help='embedding model.') + + args = parser.parse_args() + sent2conj = read_conjunctive_sentences(args) + process(args, sent2conj) diff --git a/data/process_test_data.sh b/data/process_test_data.sh new file mode 100644 index 0000000000000000000000000000000000000000..a1ee38c2b5d8d15b3cdef611851331b4ff6d1078 --- /dev/null +++ b/data/process_test_data.sh @@ -0,0 +1,10 @@ +#!/bin/bash + +BenchIE=evaluation_data/BenchIE +Carb=evaluation_data/carb +Wire57=evaluation_data/wire57 + + +python process.py --source_file $BenchIE/sample300_en.txt --target_file $BenchIE/benchIE_test.json --conjunctions_file $BenchIE/benchIE_conjunctions.txt +python process.py --source_file $Carb/data/test.txt --target_file $Carb/carb_test.json --conjunctions_file $Carb/carb_test_conjunctions.txt +python process.py --source_file $Wire57/gold_data/wire57_test_sentences.txt --target_file $Wire57/wire57_test.json --conjunctions_file $Wire57/wire57_conjunctions.txt \ No newline at end of file diff --git a/data/rel_file.json b/data/rel_file.json new file mode 100644 index 0000000000000000000000000000000000000000..614a9c6295129c46111b906897c579c1b423babb --- /dev/null +++ b/data/rel_file.json @@ -0,0 +1,26 @@ +{ + "id": { + "None": 0, + "Subject": 1, + "Object": 2 + }, + "entity_text": [ + "Argument", + "Relation" + ], + "relation_text": [ + "Subject", + "Object" + ], + "relation": [ + 1, + 2 + ], + "symmetric": [ + 1, + 2 + ], + "asymmetric": [ + ], + "count": [] +} \ No newline at end of file diff --git a/example.png b/example.png new file mode 100644 index 0000000000000000000000000000000000000000..b60eaa0c79f0f9965ec7bb37e07993c55b536edc Binary files /dev/null and b/example.png differ diff --git a/inputs/__init__.py b/inputs/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/inputs/dataset_readers/__init__.py b/inputs/dataset_readers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/inputs/dataset_readers/oie4_reader_for_table_decoding.py b/inputs/dataset_readers/oie4_reader_for_table_decoding.py new file mode 100644 index 0000000000000000000000000000000000000000..a8245a8f4d786182f57d26d46e9291078245d9af --- /dev/null +++ b/inputs/dataset_readers/oie4_reader_for_table_decoding.py @@ -0,0 +1,244 @@ +import json +from collections import defaultdict +import logging + +logger = logging.getLogger(__name__) + + +def split_span(span): + sub_spans = [[span[0]]] + for i in range(1, len(span)): + if span[i - 1] == span[i] - 1: + sub_spans[-1].append(span[i]) + else: + sub_spans.append([span[i]]) + return sub_spans + + +class OIE4ReaderForJointDecoding(): + """Define text data reader and preprocess data for entity relation + joint decoding on ACE dataset. + """ + + def __init__(self, file_path, is_test=False, max_len=dict()): + """This function defines file path and some settings + + Arguments: + file_path {str} -- file path + + Keyword Arguments: + is_test {bool} -- indicate training or testing (default: {False}) + max_len {dict} -- max length for some namespace (default: {dict()}) + """ + + self.file_path = file_path + self.is_test = is_test + self.max_len = dict(max_len) + self.seq_lens = defaultdict(list) + + def __iter__(self): + """Generator function + """ + + with open(self.file_path, 'r') as fin: + for line in fin: + line = json.loads(line) + sentence = {} + + state, results = self.get_tokens(line) + self.seq_lens['tokens'].append(len(results['tokens'])) + if not state or ('tokens' in self.max_len and len(results['tokens']) > self.max_len['tokens'] + and not self.is_test): + if not self.is_test: + continue + sentence.update(results) + + state, results = self.get_wordpiece_tokens(line) + self.seq_lens['wordpiece_tokens'].append(len(results['wordpiece_tokens'])) + if not state or ('wordpiece_tokens' in self.max_len + and len(results['wordpiece_tokens']) > self.max_len['wordpiece_tokens']): + if not self.is_test: + continue + sentence.update(results) + + if len(sentence['tokens']) != len(sentence['wordpiece_tokens_index']): + logger.error( + "sentence id: {} wordpiece_tokens_index length is not equal to tokens.".format(line['sentId'])) + continue + + if len(sentence['wordpiece_tokens']) != len(sentence['wordpiece_segment_ids']): + logger.error( + "sentence id: {} wordpiece_tokens length is not equal to wordpiece_segment_ids.". + format(line['sentId'])) + continue + + state, results = self.get_entity_relation_label(line, len(sentence['tokens'])) + for key, result in results.items(): + self.seq_lens[key].append(len(result)) + if key in self.max_len and len(result) > self.max_len[key]: + state = False + if not state: + continue + sentence.update(results) + + yield sentence + + def get_tokens(self, line): + """This function splits text into tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'sentText' not in line: + logger.error("sentence id: {} doesn't contain 'sentText'.".format( + line['sentId'])) + return False, results + + results['text'] = line['sentText'] + + if 'tokens' in line: + results['tokens'] = line['tokens'] + else: + results['tokens'] = line['sentText'].strip().split(' ') + + return True, results + + def get_wordpiece_tokens(self, line): + """This function splits wordpiece text into wordpiece tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'wordpieceSentText' not in line or 'wordpieceTokensIndex' not in line or 'wordpieceSegmentIds' not in line: + logger.error( + "sentence id: {} doesn't contain 'wordpieceSentText' or 'wordpieceTokensIndex' or 'wordpieceSegmentIds'." + .format(line['sentId'])) + return False, results + + wordpiece_tokens = line['wordpieceSentText'].strip().split(' ') + results['wordpiece_tokens'] = wordpiece_tokens + results['wordpiece_tokens_index'] = [span[0] for span in line['wordpieceTokensIndex']] + results['wordpiece_segment_ids'] = list(line['wordpieceSegmentIds']) + + return True, results + + def get_entity_relation_label(self, line, sentence_length): + """This function constructs mapping relation from span to entity label + and span pair to relation label, and joint entity relation label matrix. + + Arguments: + line {dict} -- text + sentence_length {int} -- sentence length + + Returns: + bool -- execute state + dict -- ent2rel: entity span mapping to entity label, + span2rel: two entity span mapping to relation label, + joint_label_matrix: joint entity relation label matrix + """ + + results = {} + + if 'entityMentions' not in line: + logger.error("sentence id: {} doesn't contain 'entityMentions'.".format(line['sentId'])) + return False, results + + entity_pos = [0] * sentence_length + idx2ent = {} + span2ent = {} + + separate_positions = [] + for entity in line['entityMentions']: + entity_sub_spans = [] + # span = entity['span_ids'] + st, ed = entity['span_ids'][0], entity['span_ids'][-1] + sub_spans = split_span(entity['span_ids']) + if len(sub_spans) == 1: + if st > 0: + separate_positions.append(st - 1) + if ed < sentence_length - 1: + separate_positions.append(ed) + entity_sub_spans.append((st, ed + 1)) + else: + # noncontinuous spans + for sub in sub_spans: + if sub[0] > 0: + separate_positions.append(sub[0] - 1) + if sub[-1] < sentence_length - 1: + separate_positions.append(sub[-1]) + entity_sub_spans.append((sub[0], sub[-1] + 1)) + + idx2ent[entity['emId']] = (tuple(entity_sub_spans), entity['text']) + # if len(sub) > 1: + # separate_positions.append(sub[-1]) + # add start and end of an span for determining split positions + # (in our case, should add more separate positions due to non-continues spans) + # st, ed = entity['offset'] + # if st != 0: + # separate_positions.append(st - 1) + # if ed != sentence_length: + # separate_positions.append(ed - 1) + + # idx2ent[entity['emId']] = ((st, ed), entity['text']) + # if st >= ed + 1 or st < 0 or st > sentence_length or ed < 0 or ed > sentence_length: + # logger.error("sentence id: {} offset error: {}'.".format(line['sentId'], entity['span_ids'])) + # return False, results + + span2ent[tuple(entity_sub_spans)] = entity['label'] + + j = 0 + for s_i in entity['span_ids']: + if entity_pos[s_i] != 0: + logger.error("sentence id: {} entity span overlap. {}".format(line['sentId'], entity['span_ids'])) + return False, results + entity_pos[s_i] = 1 + j += 1 + + separate_positions = list(set(separate_positions)) + results['separate_positions'] = sorted(separate_positions) + results['span2ent'] = span2ent + + if 'relationMentions' not in line: + logger.error("sentence id: {} doesn't contain 'relationMentions'.".format(line['sentId'])) + return False, results + + span2rel = {} + for relation in line['relationMentions']: + if relation['arg1']['emId'] not in idx2ent or relation['arg2']['emId'] not in idx2ent: + logger.error("sentence id: {} entity not exists .".format(line['sentId'])) + continue + + entity1_span, entity1_text = idx2ent[relation['arg1']['emId']] + entity2_span, entity2_text = idx2ent[relation['arg2']['emId']] + + if entity1_text != relation['arg1']['text'] or entity2_text != relation['arg2']['text']: + logger.error("sentence id: {} entity text doesn't match realtiaon text.".format(line['sentId'])) + return False, None + + span2rel[(entity1_span, entity2_span)] = relation['label'] + + results['span2rel'] = span2rel + + if 'jointLabelMatrix' not in line: + logger.error("sentence id: {} doesn't contain 'jointLabelMatrix'.".format(line['sentId'])) + return False, results + + results['joint_label_matrix'] = line['jointLabelMatrix'] + return True, results + + def get_seq_lens(self): + return self.seq_lens diff --git a/inputs/dataset_readers/oie_reader_for_ent_rel_decoding.py b/inputs/dataset_readers/oie_reader_for_ent_rel_decoding.py new file mode 100644 index 0000000000000000000000000000000000000000..11e723adaa2b6c33704ca0b09f42b14c910ff315 --- /dev/null +++ b/inputs/dataset_readers/oie_reader_for_ent_rel_decoding.py @@ -0,0 +1,256 @@ +import json +from collections import defaultdict +import logging + +logger = logging.getLogger(__name__) + + +def split_span(span): + sub_spans = [[span[0]]] + for i in range(1, len(span)): + if span[i - 1] == span[i] - 1: + sub_spans[-1].append(span[i]) + else: + sub_spans.append([span[i]]) + return sub_spans + + +class OIE4ReaderForEntRelDecoding(): + """Define text data reader and preprocess data for entity relation + separate decoding on oie dataset. + """ + + def __init__(self, file_path, is_test=False, max_len=dict()): + """This function defines file path and some settings + + Arguments: + file_path {str} -- file path + + Keyword Arguments: + is_test {bool} -- indicate training or testing (default: {False}) + max_len {dict} -- max length for some namespace (default: {dict()}) + """ + + self.file_path = file_path + self.is_test = is_test + self.max_len = dict(max_len) + self.seq_lens = defaultdict(list) + + def __iter__(self): + """Generator function + """ + + with open(self.file_path, 'r') as fin: + for line in fin: + line = json.loads(line) + sentence = {} + + state, results = self.get_tokens(line) + self.seq_lens['tokens'].append(len(results['tokens'])) + if not state or ('tokens' in self.max_len and len(results['tokens']) > self.max_len['tokens'] + and not self.is_test): + if not self.is_test: + continue + sentence.update(results) + + state, results = self.get_wordpiece_tokens(line) + self.seq_lens['wordpiece_tokens'].append(len(results['wordpiece_tokens'])) + if not state or ('wordpiece_tokens' in self.max_len + and len(results['wordpiece_tokens']) > self.max_len['wordpiece_tokens']): + if not self.is_test: + continue + sentence.update(results) + + if len(sentence['tokens']) != len(sentence['wordpiece_tokens_index']): + logger.error( + "sentence id: {} wordpiece_tokens_index length is not equal to tokens.".format(line['sentId'])) + continue + + if len(sentence['wordpiece_tokens']) != len(sentence['wordpiece_segment_ids']): + logger.error( + "sentence id: {} wordpiece_tokens length is not equal to wordpiece_segment_ids.". + format(line['sentId'])) + continue + + state, results = self.get_entity_relation_label(line, len(sentence['tokens'])) + for key, result in results.items(): + self.seq_lens[key].append(len(result)) + if key in self.max_len and len(result) > self.max_len[key]: + state = False + if not state: + continue + sentence.update(results) + + yield sentence + + def get_tokens(self, line): + """This function splits text into tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'sentText' not in line: + logger.error("sentence id: {} doesn't contain 'sentText'.".format( + line['sentId'])) + return False, results + + results['text'] = line['sentText'] + + if 'tokens' in line: + results['tokens'] = line['tokens'] + else: + results['tokens'] = line['sentText'].strip().split(' ') + + return True, results + + def get_wordpiece_tokens(self, line): + """This function splits wordpiece text into wordpiece tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'wordpieceSentText' not in line or 'wordpieceTokensIndex' not in line or 'wordpieceSegmentIds' not in line: + logger.error( + "sentence id: {} doesn't contain 'wordpieceSentText' or 'wordpieceTokensIndex' or 'wordpieceSegmentIds'." + .format(line['sentId'])) + return False, results + + wordpiece_tokens = line['wordpieceSentText'].strip().split(' ') + results['wordpiece_tokens'] = wordpiece_tokens + # print("hh: ", results['wordpiece_tokens']) + results['wordpiece_tokens_index'] = [span[0] for span in line['wordpieceTokensIndex']] + results['wordpiece_segment_ids'] = list(line['wordpieceSegmentIds']) + + return True, results + + def get_entity_relation_label(self, line, sentence_length): + # !! decided to just keep start and end of the spans although they maybe noncontinuous!! + """This function constructs mapping relation from span to entity label + and span pair to relation label, and joint entity relation label matrix. + + Arguments: + line {dict} -- text + sentence_length {int} -- sentence length + + Returns: + bool -- execute state + dict -- ent2rel: entity span mapping to entity label, + span2rel: two entity span mapping to relation label, + joint_label_matrix: joint entity relation label matrix + """ + + results = {} + + if 'entityMentions' not in line: + logger.error("sentence id: {} doesn't contain 'entityMentions'.".format(line['sentId'])) + return False, results + + entity_pos = [0] * sentence_length + idx2ent = {} + span2ent = {} + + separate_positions = [] + for entity in line['entityMentions']: + entity_sub_spans = [] + # span = entity['span_ids'] + st, ed = entity['span_ids'][0], entity['span_ids'][-1] + sub_spans = split_span(entity['span_ids']) + if len(sub_spans) == 1: + if st > 0: + separate_positions.append(st - 1) + if ed < sentence_length - 1: + separate_positions.append(ed) + entity_sub_spans.append((st, ed + 1)) + # idx2ent[entity['emId']] = (((st, ed + 1), ), entity['text']) + # if len(sub_spans[0]) > 1: + # separate_positions.append(ed) + else: + # noncontinuous spans + for sub in sub_spans: + if sub[0] > 0: + separate_positions.append(sub[0] - 1) + if sub[-1] < sentence_length - 1: + separate_positions.append(sub[-1]) + entity_sub_spans.append((sub[0], sub[-1] + 1)) + + idx2ent[entity['emId']] = (tuple(entity_sub_spans), entity['text']) + # if len(sub) > 1: + # separate_positions.append(sub[-1]) + # add start and end of an span for determining split positions + # (in our case, should add more separate positions due to non-continues spans) + # st, ed = entity['offset'] + # if st != 0: + # separate_positions.append(st - 1) + # if ed != sentence_length: + # separate_positions.append(ed - 1) + + # idx2ent[entity['emId']] = ((st, ed), entity['text']) + # if st >= ed + 1 or st < 0 or st > sentence_length or ed < 0 or ed > sentence_length: + # logger.error("sentence id: {} offset error: {}'.".format(line['sentId'], entity['span_ids'])) + # return False, results + + span2ent[tuple(entity_sub_spans)] = entity['label'] + + # uncomment for training + # j = 0 + # for s_i in entity['span_ids']: + # if entity_pos[s_i] != 0: + # logger.error("sentence id: {} entity span overlap. {}".format(line['sentId'], entity['span_ids'])) + # return False, results + # entity_pos[s_i] = 1 + # j += 1 + + separate_positions = list(set(separate_positions)) + results['separate_positions'] = sorted(separate_positions) + results['span2ent'] = span2ent + + if 'relationMentions' not in line: + logger.error("sentence id: {} doesn't contain 'relationMentions'.".format(line['sentId'])) + return False, results + + span2rel = {} + for relation in line['relationMentions']: + if relation['arg1']['emId'] not in idx2ent or relation['arg2']['emId'] not in idx2ent: + logger.error("sentence id: {} entity not exists .".format(line['sentId'])) + continue + + entity1_span, entity1_text = idx2ent[relation['arg1']['emId']] + entity2_span, entity2_text = idx2ent[relation['arg2']['emId']] + + if entity1_text != relation['arg1']['text'] or entity2_text != relation['arg2']['text']: + logger.error("sentence id: {} entity text doesn't match realtiaon text.".format(line['sentId'])) + return False, None + + span2rel[(entity1_span, entity2_span)] = relation['label'] + + results['span2rel'] = span2rel + + if 'entityLabelMatrix' not in line: + logger.error("sentence id: {} doesn't contain 'entityLabelMatrix'.".format(line['sentId'])) + return False, results + + if 'relationLabelMatrix' not in line: + logger.error("sentence id: {} doesn't contain 'relationLabelMatrix'.".format(line['sentId'])) + return False, results + + results['entity_label_matrix'] = line['entityLabelMatrix'] + results['relation_label_matrix'] = line['relationLabelMatrix'] + results['joint_label_matrix'] = line['jointLabelMatrix'] + return True, results + + def get_seq_lens(self): + return self.seq_lens diff --git a/inputs/dataset_readers/oie_reader_for_relation_detection.py b/inputs/dataset_readers/oie_reader_for_relation_detection.py new file mode 100644 index 0000000000000000000000000000000000000000..64ac93d2ba0fcfff3bc032133dc3784ddb1b11d0 --- /dev/null +++ b/inputs/dataset_readers/oie_reader_for_relation_detection.py @@ -0,0 +1,197 @@ +import json +from collections import defaultdict +import logging + +logger = logging.getLogger(__name__) + + +class ReaderForRelationDecoding(): + """Define text data reader and preprocess data for entity relation + joint decoding on ACE dataset. + """ + + def __init__(self, file_path, is_test=False, max_len=dict()): + """This function defines file path and some settings + + Arguments: + file_path {str} -- file path + + Keyword Arguments: + is_test {bool} -- indicate training or testing (default: {False}) + max_len {dict} -- max length for some namespace (default: {dict()}) + """ + + self.file_path = file_path + self.is_test = is_test + self.max_len = dict(max_len) + self.seq_lens = defaultdict(list) + + def __iter__(self): + """Generator function + """ + + with open(self.file_path, 'r') as fin: + for line in fin: + line = json.loads(line) + sentence = {} + + state, results = self.get_tokens(line) + self.seq_lens['tokens'].append(len(results['tokens'])) + if not state or ('tokens' in self.max_len and len(results['tokens']) > self.max_len['tokens'] + and not self.is_test): + if not self.is_test: + continue + sentence.update(results) + + state, results = self.get_wordpiece_tokens(line) + self.seq_lens['wordpiece_tokens'].append(len(results['wordpiece_tokens'])) + if not state or ('wordpiece_tokens' in self.max_len + and len(results['wordpiece_tokens']) > self.max_len['wordpiece_tokens']): + if not self.is_test: + continue + sentence.update(results) + + # if len(sentence['tokens']) != len(sentence['wordpiece_tokens_index']): + # logger.error( + # "sentence id: {} wordpiece_tokens_index length is not equal to tokens.".format(line['sentId'])) + # # logger.error(sentence['tokens'], sentence['wordpiece_tokens_index']) + # # logger.error("lengths: {}, {}, {}".format(len(sentence['tokens']), len(sentence['wordpiece_tokens_index']), + # # len(line['labelIds']))) + # continue + + if len(sentence['wordpiece_tokens']) != len(sentence['wordpiece_segment_ids']): + logger.error( + "sentence id: {} wordpiece_tokens length is not equal to wordpiece_segment_ids.". + format(line['sentId'])) + continue + + state, results = self.get_label(line, len(sentence['tokens'])) + for key, result in results.items(): + self.seq_lens[key].append(len(result)) + if key in self.max_len and len(result) > self.max_len[key]: + state = False + if not state: + continue + sentence.update(results) + + yield sentence + + def get_tokens(self, line): + """This function splits text into tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'sentText' not in line: + logger.error("sentence id: {} doesn't contain 'sentText'.".format(line['sentId'])) + return False, results + + results['text'] = line['sentText'] + + if 'tokens' in line: + results['tokens'] = line['tokens'] + else: + results['tokens'] = line['sentText'].strip().split(' ') + + return True, results + + def get_wordpiece_tokens(self, line): + """This function splits wordpiece text into wordpiece tokens + + Arguments: + line {dict} -- text + + Returns: + bool -- execute state + dict -- results: tokens + """ + + results = {} + + if 'wordpieceSentText' not in line or 'wordpieceTokensIndex' not in line or 'wordpieceSegmentIds' not in line: + logger.error( + "sentence id: {} doesn't contain 'wordpieceSentText' or 'wordpieceTokensIndex' or 'wordpieceSegmentIds'." + .format(line['sentId'])) + return False, results + + wordpiece_tokens = line['wordpieceSentText'].strip().split(' ') + results['wordpiece_tokens'] = wordpiece_tokens + results['wordpiece_tokens_index'] = [span[0] for span in line['wordpieceTokensIndex']] + results['wordpiece_segment_ids'] = list(line['wordpieceSegmentIds']) + + return True, results + + def get_label(self, line, sentence_length): + """This function constructs mapping relation from span to entity label + and span pair to relation label, and joint entity relation label matrix. + + Arguments: + line {dict} -- text + sentence_length {int} -- sentence length + + Returns: + bool -- execute state + dict -- ent2rel: entity span mapping to entity label, + span2rel: two entity span mapping to relation label, + joint_label_matrix: joint entity relation label matrix + """ + + results = {} + + if 'entityMentions' not in line: + logger.error("sentence id: {} doesn't contain 'entityMentions'.".format(line['sentId'])) + return False, results + + entity_pos = [0] * sentence_length + idx2ent = {} + for entity in line['entityMentions']: + st, ed = entity['span_ids'][0], entity['span_ids'][-1] + idx2ent[entity['emId']] = ((st, ed), entity['text']) + if st > ed or st < 0 or st > sentence_length or ed < 0 or ed > sentence_length: + logger.error("sentence id: {} offset error. st: {}, ed: {}".format(line['sentId'], st, ed)) + return False, results + + j = 0 + for i in range(st, ed): + if entity_pos[i] != 0: + logger.error("sentence id: {} entity span overlap.".format(line['sentId'])) + return False, results + entity_pos[i] = 1 + j += 1 + + if 'relationMentions' not in line: + logger.error("sentence id: {} doesn't contain 'relationMentions'.".format(line['sentId'])) + return False, results + + for relation in line['relationMentions']: + if relation['arg1']['emId'] not in idx2ent or relation['arg2']['emId'] not in idx2ent: + logger.error("sentence id: {} entity not exists .".format(line['sentId'])) + continue + + if 'labelIds' not in line: + logger.error("sentence id: {} doesn't contain 'labelIds'.".format(line['sentId'])) + return False, results + + if 'relationIds' not in line: + logger.error("sentence id: {} doesn't contain 'relationIds'.".format(line['sentId'])) + return False, results + + if 'argumentIds' not in line: + logger.error("sentence id: {} doesn't contain 'argumentIds'.".format(line['sentId'])) + return False, results + + results["label_ids"] = line["labelIds"] + results["relation_ids"] = line["relationIds"] + results["argument_ids"] = line["argumentIds"] + + return True, results + + def get_seq_lens(self): + return self.seq_lens diff --git a/inputs/datasets/__init__.py b/inputs/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/inputs/datasets/dataset.py b/inputs/datasets/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..85ca111182296a63c7df6399f6bf15b21cbfbb47 --- /dev/null +++ b/inputs/datasets/dataset.py @@ -0,0 +1,229 @@ +import random +import logging + +logger = logging.getLogger(__name__) + + +class Dataset(): + """This class constructs dataset for multiple date file + """ + def __init__(self, name, instance_dict=dict()): + """This function initializes a dataset, + define dataset name, this dataset contains multiple readers, as datafiles. + + Arguments: + name {str} -- dataset name + + Keyword Arguments: + instance_dict {dict} -- instance settings (default: {dict()}) + """ + + self.dataset_name = name + self.datasets = dict() + self.instance_dict = dict(instance_dict) + + def add_instance(self, name, instance, reader, is_count=False, is_train=False): + """This function adds a instance to dataset + + Arguments: + name {str} -- intance name + instance {Instance} -- instance + reader {DatasetReader} -- reader correspond to instance + + Keyword Arguments: + is_count {bool} -- instance paticipates in counting or not (default: {False}) + is_train {bool} -- instance is training data or not (default: {False}) + """ + + self.instance_dict[name] = { + 'instance': instance, + 'reader': reader, + 'is_count': is_count, + 'is_train': is_train + } + + def build_dataset(self, + vocab, + counter=None, + min_count=dict(), + pretrained_vocab=None, + intersection_namespace=dict(), + no_pad_namespace=list(), + no_unk_namespace=list(), + contain_pad_namespace=dict(), + contain_unk_namespace=dict(), + tokens_to_add=None): + """This function bulids dataset + + Arguments: + vocab {Vocabulary} -- vocabulary + + Keyword Arguments: + counter {dict} -- counter (default: {None}) + min_count {dict} -- min count for each namespace (default: {dict()}) + pretrained_vocab {dict} -- pretrained vocabulary (default: {None}) + intersection_namespace {dict} -- intersection vocabulary namespace correspond to + pretrained vocabulary in case of too large pretrained vocabulary (default: {dict()}) + no_pad_namespace {list} -- no padding vocabulary namespace (default: {list()}) + no_unk_namespace {list} -- no unknown vocabulary namespace (default: {list()}) + contain_pad_namespace {dict} -- contain padding token vocabulary namespace (default: {dict()}) + contain_unk_namespace {dict} -- contain unknown token vocabulary namespace (default: {dict()}) + tokens_to_add {dict} -- tokens need to be added to vocabulary (default: {None}) + """ + + # construct counter + if counter is not None: + for instance_name, instance_settting in self.instance_dict.items(): + if instance_settting['is_count']: + instance_settting['instance'].count_vocab_items(counter, + instance_settting['reader']) + + # construct vocabulary from counter + vocab.extend_from_counter(counter, min_count, no_pad_namespace, no_unk_namespace, + contain_pad_namespace, contain_unk_namespace) + + # add extra tokens, this operation should be executeed before adding pretrained_vocab + if tokens_to_add is not None: + for namespace, tokens in tokens_to_add.items(): + vocab.add_tokens_to_namespace(tokens, namespace) + + # construct vocabulary from pretained vocabulary + if pretrained_vocab is not None: + vocab.extend_from_pretrained_vocab(pretrained_vocab, intersection_namespace, + no_pad_namespace, no_unk_namespace, + contain_pad_namespace, contain_unk_namespace) + + self.vocab = vocab + + for instance_name, instance_settting in self.instance_dict.items(): + instance_settting['instance'].index(self.vocab, instance_settting['reader']) + self.datasets[instance_name] = instance_settting['instance'].get_instance() + self.instance_dict[instance_name]['size'] = instance_settting['instance'].get_size() + self.instance_dict[instance_name]['vocab_dict'] = instance_settting[ + 'instance'].get_vocab_dict() + + logger.info("{} dataset size: {}.".format(instance_name, + self.instance_dict[instance_name]['size'])) + for key, seq_len in instance_settting['reader'].get_seq_lens().items(): + logger.info("{} dataset's {}: max_len={}, min_len={}.".format( + instance_name, key, max(seq_len), min(seq_len))) + + def get_batch(self, instance_name, batch_size, sort_namespace=None): + """get_batch gets batch data and padding + + Arguments: + instance_name {str} -- instance name + batch_size {int} -- batch size + + Keyword Arguments: + sort_namespace {str} -- sort samples key, meanwhile calculate sequence length if not None, while keep None means that no sorting (default: {None}) + + Yields: + int -- epoch + dict -- batch data + """ + + if instance_name not in self.instance_dict: + logger.error('can not find instance name {} in datasets.'.format(instance_name)) + return + + dataset = self.datasets[instance_name] + + if sort_namespace is not None and sort_namespace not in dataset: + logger.error('can not find sort namespace {} in datasets instance {}.'.format( + sort_namespace, instance_name)) + + size = self.instance_dict[instance_name]['size'] + vocab_dict = self.instance_dict[instance_name]['vocab_dict'] + ids = list(range(size)) + if self.instance_dict[instance_name]['is_train']: + random.shuffle(ids) + epoch = 1 + cur = 0 + + while True: + if cur >= size: + epoch += 1 + if not self.instance_dict[instance_name]['is_train'] and epoch > 1: + break + random.shuffle(ids) + cur = 0 + + sample_ids = ids[cur:cur + batch_size] + cur += batch_size + + if sort_namespace is not None: + sample_ids = [(idx, len(dataset[sort_namespace][idx])) for idx in sample_ids] + sample_ids = sorted(sample_ids, key=lambda x: x[1], reverse=True) + sorted_ids = [idx for idx, _ in sample_ids] + else: + sorted_ids = sample_ids + + batch = {} + + for namespace in dataset: + batch[namespace] = [] + + if namespace in self.wo_padding_namespace: + for id in sorted_ids: + batch[namespace].append(dataset[namespace][id]) + else: + if namespace in vocab_dict: + padding_idx = self.vocab.get_padding_index(vocab_dict[namespace]) + else: + padding_idx = 0 + + batch_namespace_len = [len(dataset[namespace][id]) for id in sorted_ids] + max_namespace_len = max(batch_namespace_len) + batch[namespace + '_lens'] = batch_namespace_len + batch[namespace + '_mask'] = [] + + if isinstance(dataset[namespace][0][0], list): + max_char_len = 0 + for id in sorted_ids: + max_char_len = max(max_char_len, + max(len(item) for item in dataset[namespace][id])) + for id in sorted_ids: + padding_sent = [] + mask = [] + for item in dataset[namespace][id]: + padding_sent.append(item + [padding_idx] * + (max_char_len - len(item))) + mask.append([1] * len(item) + [0] * (max_char_len - len(item))) + padding_sent = padding_sent + [[padding_idx] * max_char_len] * ( + max_namespace_len - len(dataset[namespace][id])) + mask = mask + [[0] * max_char_len + ] * (max_namespace_len - len(dataset[namespace][id])) + batch[namespace].append(padding_sent) + batch[namespace + '_mask'].append(mask) + else: + for id in sorted_ids: + batch[namespace].append( + dataset[namespace][id] + [padding_idx] * + (max_namespace_len - len(dataset[namespace][id]))) + batch[namespace + + '_mask'].append([1] * len(dataset[namespace][id]) + [0] * + (max_namespace_len - len(dataset[namespace][id]))) + + yield epoch, batch + + def get_dataset_size(self, instance_name): + """This function gets dataset size + + Arguments: + instance_name {str} -- instance name + + Returns: + int -- dataset size + """ + + return self.instance_dict[instance_name]['size'] + + def set_wo_padding_namespace(self, wo_padding_namespace): + """set_wo_padding_namespace sets without paddding namespace + + Args: + wo_padding_namespace (list): without padding namespace + """ + + self.wo_padding_namespace = wo_padding_namespace diff --git a/inputs/fields/__init__.py b/inputs/fields/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/inputs/fields/field.py b/inputs/fields/field.py new file mode 100644 index 0000000000000000000000000000000000000000..ea81f683d94dc66ff0219f447ab8d1350354080a --- /dev/null +++ b/inputs/fields/field.py @@ -0,0 +1,35 @@ +from abc import ABC, abstractclassmethod + + +class Field(ABC): + """Abstract class `Field` define one indexing method, + genenrate counter from raw text data and index token in raw text data + + Arguments: + ABC {ABC} -- abstract base class + """ + + @abstractclassmethod + def count_vocab_items(self, counter, sentences): + """This function constructs counter using each sentence content, + prepare for vocabulary + + Arguments: + counter {dict} -- element count dict + sentences {list} -- text data + """ + + raise NotImplementedError + + @abstractclassmethod + def index(self, instance, voacb, sentences): + """This function constrcuts instance using sentences and vocabulary, + each namespace is a mappping method using different type data + + Arguments: + instance {dict} -- collections of various fields + voacb {dict} -- vocabulary + sentences {list} -- text data + """ + + raise NotImplementedError diff --git a/inputs/fields/map_token_field.py b/inputs/fields/map_token_field.py new file mode 100644 index 0000000000000000000000000000000000000000..bd84c21c6ce4f6e88e26295b45276e534c50b2a3 --- /dev/null +++ b/inputs/fields/map_token_field.py @@ -0,0 +1,62 @@ +from inputs.fields.field import Field +import logging + +logger = logging.getLogger(__name__) + + +class MapTokenField(Field): + """Map token field: preocess maping tokens + """ + def __init__(self, namespace, vocab_namespace, source_key, is_counting=True): + """This function sets namesapce of field, vocab namespace for indexing, dataset source key + + Arguments: + namespace {str} -- namesapce of field, counter namespace if constructing a counter + vocab_namespace {str} -- vocab namespace for indexing + source_key {str} -- indicate key in text data + + Keyword Arguments: + is_counting {bool} -- decide constructing a counter or not (default: {True}) + """ + + super().__init__() + self.namespace = str(namespace) + self.counter_namespace = str(namespace) + self.vocab_namespace = str(vocab_namespace) + self.source_key = str(source_key) + self.is_counting = is_counting + + def count_vocab_items(self, counter, sentences): + """This function counts dict's values in sentences, + then update counter, each sentence is a dict + + Arguments: + counter {dict} -- counter + sentences {list} -- text content after preprocessing, list of dict + """ + + if self.is_counting: + for sentence in sentences: + for value in sentence[self.source_key].values(): + counter[self.counter_namespace][str(value)] += 1 + + logger.info("Count sentences {} to update counter namespace {} successfully.".format( + self.source_key, self.counter_namespace)) + + def index(self, instance, vocab, sentences): + """This function indexes token using vocabulary, then update instance + + Arguments: + instance {dict} -- numerical represenration of text data + vocab {Vocabulary} -- vocabulary + sentences {list} -- text content after preprocessing + """ + + for sentence in sentences: + instance[self.namespace].append({ + key: vocab.get_token_index(value, self.vocab_namespace) + for key, value in sentence[self.source_key].items() + }) + + logger.info("Index sentences {} to construct instance namespace {} successfully.".format( + self.source_key, self.namespace)) diff --git a/inputs/fields/raw_token_field.py b/inputs/fields/raw_token_field.py new file mode 100644 index 0000000000000000000000000000000000000000..5a5d3ba4e8f34c3aace73b2a13abb09df9dfce3d --- /dev/null +++ b/inputs/fields/raw_token_field.py @@ -0,0 +1,46 @@ +from inputs.fields.field import Field +import logging + +logger = logging.getLogger(__name__) + + +class RawTokenField(Field): + """This Class preserves raw text of tokens + """ + def __init__(self, namespace, source_key): + """This function sets namesapce of field, dataset source key + + Arguments: + namespace {str} -- namesapce of field + source_key {str} -- indicate key in text data + """ + + super().__init__() + self.namespace = str(namespace) + self.source_key = str(source_key) + + def count_vocab_items(self, counter, sentences): + """ `RawTokenField` doesn't update counter + + Arguments: + counter {dict} -- counter + sentences {list} -- text content after preprocessing + """ + + pass + + def index(self, instance, vocab, sentences): + """This function doesn't use vocabulary, + perserve raw text of sentences(tokens) + + Arguments: + instance {dict} -- numerical represenration of text data + vocab {Vocabulary} -- vocabulary + sentences {list} -- text content after preprocessing + """ + + for sentence in sentences: + instance[self.namespace].append([token for token in sentence[self.source_key]]) + + logger.info("Index sentences {} to construct instance namespace {} successfully.".format( + self.source_key, self.namespace)) diff --git a/inputs/fields/token_field.py b/inputs/fields/token_field.py new file mode 100644 index 0000000000000000000000000000000000000000..da0f606e0233ec8c4e61359a564cb942e3c2f603 --- /dev/null +++ b/inputs/fields/token_field.py @@ -0,0 +1,63 @@ +from inputs.fields.field import Field +import logging + +logger = logging.getLogger(__name__) + + +class TokenField(Field): + """Token field: regard sentence as token list + """ + def __init__(self, namespace, vocab_namespace, source_key, is_counting=True): + """This function sets namesapce of field, vocab namespace for indexing, dataset source key + + Arguments: + namespace {str} -- namesapce of field, counter namespace if constructing a counter + vocab_namespace {str} -- vocab namespace for indexing + source_key {str} -- indicate key in text data + + Keyword Arguments: + is_counting {bool} -- decide constructing a counter or not (default: {True}) + """ + + super().__init__() + self.namespace = str(namespace) + self.counter_namespace = str(namespace) + self.vocab_namespace = str(vocab_namespace) + self.source_key = str(source_key) + self.is_counting = is_counting + + def count_vocab_items(self, counter, sentences): + """This function counts tokens in sentences, + then update counter + + Arguments: + counter {dict} -- counter + sentences {list} -- text content after preprocessing + """ + + if self.is_counting: + for sentence in sentences: + for token in sentence[self.source_key]: + counter[self.counter_namespace][str(token)] += 1 + + logger.info("Count sentences {} to update counter namespace {} successfully.".format( + self.source_key, self.counter_namespace)) + + def index(self, instance, vocab, sentences): + """This function indexed token using vocabulary, + then update instance + + Arguments: + instance {dict} -- numerical represenration of text data + vocab {Vocabulary} -- vocabulary + sentences {list} -- text content after preprocessing + """ + + for sentence in sentences: + instance[self.namespace].append([ + vocab.get_token_index(token, self.vocab_namespace) + for token in sentence[self.source_key] + ]) + + logger.info("Index sentences {} to construct instance namespace {} successfully.".format( + self.source_key, self.namespace)) diff --git a/inputs/instance.py b/inputs/instance.py new file mode 100644 index 0000000000000000000000000000000000000000..18820ca93eb89bd591bb699dae9e7bd317758a91 --- /dev/null +++ b/inputs/instance.py @@ -0,0 +1,108 @@ +import logging + +logger = logging.getLogger(__name__) + + +class Instance(): + """ `Instance` is the collection of multiple `Field` + """ + def __init__(self, fields): + """This function initializes instance + + Arguments: + fields {list} -- field list + """ + + self.fields = list(fields) + self.instance = {} + for field in self.fields: + self.instance[field.namespace] = [] + self.vocab_dict = {} + self.vocab_index() + + def __getitem__(self, namespace): + if namespace not in self.instance: + logger.error("can not find the namespace {} in instance.".format(namespace)) + raise RuntimeError("can not find the namespace {} in instance.".format(namespace)) + else: + self.instance.get(namespace, None) + + def __iter__(self): + return iter(self.fields) + + def __len__(self): + return len(self.fields) + + def add_fields(self, fields): + """This function adds fields to instance + + Arguments: + field {Field} -- field list + """ + + for field in fields: + if field.namesapce not in self.instance: + self.fields.append(field) + self.instance[field.namesapce] = [] + else: + logger.warning('Field {} has been added before.'.format(field.name)) + + self.vocab_index() + + def count_vocab_items(self, counter, sentences): + """This funtion constructs multiple namespace in counter + + Arguments: + counter {dict} -- counter + sentences {list} -- text content after preprocessing + """ + + for field in self.fields: + field.count_vocab_items(counter, sentences) + + def index(self, vocab, sentences): + """This funtion indexes token using vocabulary, + then update instance + + Arguments: + vocab {Vocabulary} -- vocabulary + sentences {list} -- text content after preprocessing + """ + + for field in self.fields: + field.index(self.instance, vocab, sentences) + + def get_instance(self): + """This function get instance + + Returns: + dict -- instance + """ + + return self.instance + + def get_size(self): + """This funtion gets the size of instance + + Returns: + int -- instance size + """ + + return len(self.instance[self.fields[0].namespace]) + + def vocab_index(self): + """This function constructs vocabulary dict of fields + """ + + for field in self.fields: + if hasattr(field, 'vocab_namespace'): + self.vocab_dict[field.namespace] = field.vocab_namespace + + def get_vocab_dict(self): + """This function gets the vocab dict of instance + + Returns: + dict -- vocab dict + """ + + return self.vocab_dict diff --git a/inputs/vocabulary.py b/inputs/vocabulary.py new file mode 100644 index 0000000000000000000000000000000000000000..f8dc40b0ce756dd386a350e25a2b2fdccf5bf897 --- /dev/null +++ b/inputs/vocabulary.py @@ -0,0 +1,308 @@ +from bidict import bidict +import pickle +import logging + +logger = logging.getLogger(__name__) + + +class Vocabulary(): + """This class maps strings to integers, which also allow many namespaces + """ + + DEFAULT_PAD_TOKEN = '*@PAD@*' + DEFAULT_UNK_TOKEN = '*@UNK@*' + + def __init__(self, + counters=dict(), + min_count=dict(), + pretrained_vocab=dict(), + intersection_namespace=dict(), + no_pad_namespace=list(), + no_unk_namespace=list(), + contain_pad_namespace=dict(), + contain_unk_namespace=dict()): + """initialize vocabulary + + Keyword Arguments: + counters {dict} -- multiple counter (default: {dict()}) + min_count {dict} -- min count dict (default: {dict()}) + pretrained_vocab {dict} -- pretrained vocabulary (default: {dict()}) + intersection_namespace {dict} -- intersection namespace correspond to pretrained vocabulary in case of too large pretrained vocabulary (default: {dict()}) + no_pad_namespace {list} -- no paddding namespace (default: {list()}) + no_unk_namespace {list} -- no unknown namespace (default: {list()}) + contain_pad_namespace {dict} -- contain padding token namespace (default: {dict()}) + contain_unk_namespace {dict} -- contain unknown token namespace (default: {dict()}) + """ + + self.min_count = dict(min_count) + self.intersection_namespace = dict(intersection_namespace) + self.no_pad_namespace = set(no_pad_namespace) + self.no_unk_namespace = set(no_unk_namespace) + self.contain_pad_namespace = dict(contain_pad_namespace) + self.contain_unk_namespace = dict(contain_unk_namespace) + self.vocab = dict() + + self.extend_from_counter(counters, self.min_count, self.no_pad_namespace, + self.no_unk_namespace) + + self.extend_from_pretrained_vocab(pretrained_vocab, self.intersection_namespace, + self.no_pad_namespace, self.no_unk_namespace) + + logger.info("Initialize vocabulary successfully.") + + def extend_from_pretrained_vocab(self, + pretrained_vocab, + intersection_namespace=dict(), + no_pad_namespace=list(), + no_unk_namespace=list(), + contain_pad_namespace=dict(), + contain_unk_namespace=dict()): + """extend vocabulary from pretrained vocab + + Arguments: + pretrained_vocab {dict} -- pretrained vocabulary + + Keyword Arguments: + intersection_namespace {dict} -- intersection namespace correspond to pretrained vocabulary in case of too large pretrained vocabulary (default: {dict()}) + no_pad_namespace {list} -- no paddding namespace (default: {list()}) + no_unk_namespace {list} -- no unknown namespace (default: {list()}) + contain_pad_namespace {dict} -- contain padding token namespace (default: {dict()}) + contain_unk_namespace {dict} -- contain unknown token namespace (default: {dict()}) + """ + + self.intersection_namespace.update(dict(intersection_namespace)) + self.no_pad_namespace.update(set(no_pad_namespace)) + self.no_unk_namespace.update(set(no_unk_namespace)) + self.contain_pad_namespace.update(dict(contain_pad_namespace)) + self.contain_unk_namespace.update(dict(contain_unk_namespace)) + + for namespace, vocab in pretrained_vocab.items(): + self.__namespace_init(namespace) + is_intersection = namespace in self.intersection_namespace + intersection_vocab = self.vocab[ + self.intersection_namespace[namespace]] if is_intersection else [] + for key, value in vocab.items(): + if not is_intersection or key in intersection_vocab: + self.vocab[namespace][key] = value + + logger.info( + "Vocabulay {} (size: {}) was constructed successfully from pretrained_vocab.". + format(namespace, len(self.vocab[namespace]))) + + def extend_from_counter(self, + counters, + min_count=dict(), + no_pad_namespace=list(), + no_unk_namespace=list(), + contain_pad_namespace=dict(), + contain_unk_namespace=dict()): + """extend vocabulary from counter + + Arguments: + counters {dict} -- multiply counter + + Keyword Arguments: + min_count {dict} -- min count dict (default: {dict()}) + no_pad_namespace {list} -- no paddding namespace (default: {list()}) + no_unk_namespace {list} -- no unknown namespace (default: {list()}) + contain_pad_namespace {dict} -- contain padding token namespace (default: {dict()}) + contain_unk_namespace {dict} -- contain unknown token namespace (default: {dict()}) + """ + + self.no_pad_namespace.update(set(no_pad_namespace)) + self.no_unk_namespace.update(set(no_unk_namespace)) + self.contain_pad_namespace.update(dict(contain_pad_namespace)) + self.contain_unk_namespace.update(dict(contain_unk_namespace)) + self.min_count.update(dict(min_count)) + + for namespace, counter in counters.items(): + self.__namespace_init(namespace) + for key in counter: + minc = min_count[namespace] \ + if min_count and namespace in min_count else 1 + if counter[key] >= minc: + self.vocab[namespace][key] = len(self.vocab[namespace]) + + logger.info("Vocabulay {} (size: {}) was constructed successfully from counter.".format( + namespace, len(self.vocab[namespace]))) + + def add_tokens_to_namespace(self, tokens, namespace): + """This function adds tokens to one namespace for extending vocabulary + + Arguments: + tokens {list} -- token list + namespace {str} -- namespace name + """ + + if namespace not in self.vocab: + self.__namespace_init(namespace) + logger.error('Add Namespace {} into vocabulary.'.format(namespace)) + + for token in tokens: + if token not in self.vocab[namespace]: + self.vocab[namespace][token] = len(self.vocab[namespace]) + + def get_token_index(self, token, namespace): + """This function gets token index in one namespace of vocabulary + + Arguments: + token {str} -- token + namespace {str} -- namespace name + + Raises: + RuntimeError: namespace not exists + + Returns: + int -- token index + """ + + if token in self.vocab[namespace]: + return self.vocab[namespace][token] + + if namespace not in self.no_unk_namespace: + return self.get_unknown_index(namespace) + + logger.error("Can not find the index of {} from a no unknown token namespace {}.".format( + token, namespace)) + raise RuntimeError( + "Can not find the index of {} from a no unknown token namespace {}.".format( + token, namespace)) + + def get_token_from_index(self, index, namespace): + """This function gets token using index in vocabulary + + Arguments: + index {int} -- index + namespace {str} -- namespace name + + Raises: + RuntimeError: index out of range + + Returns: + str -- token + """ + + if index < len(self.vocab[namespace]): + return self.vocab[namespace].inv[index] + + logger.error("The index {} is out of vocabulary {} range.".format(index, namespace)) + raise RuntimeError("The index {} is out of vocabulary {} range.".format(index, namespace)) + + def get_vocab_size(self, namespace): + """This function gets the size of one namespace in vocabulary + + Arguments: + namespace {str} -- namespace name + + Returns: + int -- vocabulary size + """ + + return len(self.vocab[namespace]) + + def get_all_namespaces(self): + """This function gets all namespaces + + Returns: + list -- all namespaces vocabulary contained + """ + + return set(self.vocab) + + def get_padding_index(self, namespace): + """This function gets padding token index in one namespace of vocabulary + + Arguments: + namespace {str} -- namespace name + + Raises: + RuntimeError: no padding + + Returns: + int -- padding index + """ + + if namespace not in self.vocab: + raise RuntimeError("Namespace {} doesn't exist.".format(namespace)) + + if namespace not in self.no_pad_namespace: + if namespace not in self.contain_pad_namespace: + return self.vocab[namespace][Vocabulary.DEFAULT_PAD_TOKEN] + return self.vocab[namespace][self.contain_pad_namespace[namespace]] + + logger.error("Namespace {} doesn't has paddding token.".format(namespace)) + raise RuntimeError("Namespace {} doesn't has paddding token.".format(namespace)) + + def get_unknown_index(self, namespace): + """This function gets unknown token index in one namespace of vocabulary + + Arguments: + namespace {str} -- namespace name + + Raises: + RuntimeError: no unknown + + Returns: + int -- unknown index + """ + + if namespace not in self.vocab: + raise RuntimeError("Namespace {} doesn't exist.".format(namespace)) + + if namespace not in self.no_unk_namespace: + if namespace not in self.contain_unk_namespace: + return self.vocab[namespace][Vocabulary.DEFAULT_UNK_TOKEN] + return self.vocab[namespace][self.contain_unk_namespace[namespace]] + + logger.error("Namespace {} doesn't has unknown token.".format(namespace)) + raise RuntimeError("Namespace {} doesn't has unknown token.".format(namespace)) + + def get_namespace_tokens(self, namesapce): + """This function returns all tokens in one namespace + + Arguments: + namesapce {str} -- namespce name + + Returns: + dict_keys -- all tokens + """ + + return self.vocab[namesapce] + + def save(self, file_path): + """This function saves vocabulary into file + + Arguments: + file_path {str} -- file path + """ + + pickle.dump(self, open(file_path, 'wb')) + + @classmethod + def load(cls, file_path): + """This function loads vocabulary from file + + Arguments: + file_path {str} -- file path + + Returns: + Vocabulary -- vocabulary + """ + + return pickle.load(open(file_path, 'rb'), encoding='utf-8') + + def __namespace_init(self, namespace): + """This function initializes a namespace, + adds pad and unk token to one namespace of vacabulary + + Arguments: + namespace {str} -- namespace + """ + + self.vocab[namespace] = bidict() + + if namespace not in self.no_pad_namespace and namespace not in self.contain_pad_namespace: + self.vocab[namespace][Vocabulary.DEFAULT_PAD_TOKEN] = len(self.vocab[namespace]) + + if namespace not in self.no_unk_namespace and namespace not in self.contain_unk_namespace: + self.vocab[namespace][Vocabulary.DEFAULT_UNK_TOKEN] = len(self.vocab[namespace]) diff --git a/linking_model.py b/linking_model.py new file mode 100644 index 0000000000000000000000000000000000000000..e6628128b13b363fbfd9c9bbc79a037653ee97a2 --- /dev/null +++ b/linking_model.py @@ -0,0 +1,355 @@ +from collections import defaultdict +import json +import os +import random +import logging +import time + +import torch +import torch.nn as nn +import numpy as np +from transformers import BertTokenizer, AutoTokenizer, AdamW, get_linear_schedule_with_warmup + +from utils.argparse import ConfigurationParer +from inputs.vocabulary import Vocabulary +from inputs.fields.token_field import TokenField +from inputs.fields.raw_token_field import RawTokenField +from inputs.instance import Instance +from inputs.datasets.dataset import Dataset +from inputs.dataset_readers.oie_reader_for_relation_detection import ReaderForRelationDecoding +from models.relation_decoding.relation_decoder import RelDecoder +from utils.nn_utils import get_n_trainable_parameters + +logger = logging.getLogger(__name__) + + +def step(cfg, model, batch_inputs, device): + batch_inputs["tokens"] = torch.LongTensor(batch_inputs["tokens"]) + batch_inputs["label_ids"] = torch.LongTensor(batch_inputs["label_ids"]) + batch_inputs["label_ids_mask"] = torch.BoolTensor(batch_inputs["relation_ids_mask"]) + batch_inputs["relation_ids"] = torch.LongTensor(batch_inputs["relation_ids"]) + batch_inputs["relation_ids_mask"] = torch.BoolTensor(batch_inputs["relation_ids_mask"]) + batch_inputs["argument_ids"] = torch.LongTensor(batch_inputs["argument_ids"]) + batch_inputs["argument_ids_mask"] = torch.BoolTensor(batch_inputs["argument_ids_mask"]) + batch_inputs["wordpiece_tokens"] = torch.LongTensor(batch_inputs["wordpiece_tokens"]) + batch_inputs["wordpiece_tokens_mask"] = torch.BoolTensor(batch_inputs["wordpiece_tokens_mask"]) + batch_inputs["wordpiece_tokens_index"] = torch.LongTensor(batch_inputs["wordpiece_tokens_index"]) + batch_inputs["wordpiece_segment_ids"] = torch.LongTensor(batch_inputs["wordpiece_segment_ids"]) + + if device > -1: + batch_inputs["tokens"] = batch_inputs["tokens"].cuda(device=device, non_blocking=True) + batch_inputs["label_ids"] = batch_inputs["label_ids"].cuda(device=device, non_blocking=True) + batch_inputs["label_ids_mask"] = batch_inputs["label_ids_mask"].cuda(device=device, non_blocking=True) + batch_inputs["relation_ids"] = batch_inputs["relation_ids"].cuda(device=device,non_blocking=True) + batch_inputs["relation_ids_mask"] = batch_inputs["relation_ids_mask"].cuda(device=device, non_blocking=True) + batch_inputs["argument_ids"] = batch_inputs["argument_ids"].cuda(device=device,non_blocking=True) + batch_inputs["argument_ids_mask"] = batch_inputs["argument_ids_mask"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens"] = batch_inputs["wordpiece_tokens"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens_mask"] = batch_inputs["wordpiece_tokens_mask"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens_index"] = batch_inputs["wordpiece_tokens_index"].cuda(device=device, + non_blocking=True) + batch_inputs["wordpiece_segment_ids"] = batch_inputs["wordpiece_segment_ids"].cuda(device=device, + non_blocking=True) + + outputs = model(batch_inputs) + batch_outputs = [] + if not model.training: + for sent_idx in range(len(batch_inputs['tokens_lens'])): + sent_output = dict() + sent_output['tokens'] = batch_inputs['tokens'][sent_idx].cpu().numpy() + sent_output['label_ids'] = batch_inputs['label_ids'][sent_idx].cpu().numpy() + sent_output['relation_ids'] = batch_inputs['relation_ids'][sent_idx].cpu().numpy() + sent_output['argument_ids'] = batch_inputs['argument_ids'][sent_idx].cpu().numpy() + sent_output['seq_len'] = batch_inputs['tokens_lens'][sent_idx] + sent_output['label_preds'] = outputs['label_preds'][sent_idx].cpu().numpy() + batch_outputs.append(sent_output) + return batch_outputs + + return outputs['loss'] + + +def train(cfg, dataset, model): + logger.info("Training starting...") + + for name, param in model.named_parameters(): + logger.info("{!r}: size: {} requires_grad: {}.".format(name, param.size(), param.requires_grad)) + + logger.info("Trainable parameters size: {}.".format(get_n_trainable_parameters(model))) + + parameters = [(name, param) for name, param in model.named_parameters() if param.requires_grad] + no_decay = ['bias', 'LayerNorm.bias', 'LayerNorm.weight'] + bert_layer_lr = {} + base_lr = cfg.bert_learning_rate + for i in range(11, -1, -1): + bert_layer_lr['.' + str(i) + '.'] = base_lr + base_lr *= cfg.lr_decay_rate + + optimizer_grouped_parameters = [] + for name, param in parameters: + params = {'params': [param], 'lr': cfg.learning_rate} + if any(item in name for item in no_decay): + params['weight_decay_rate'] = 0.0 + else: + if 'bert' in name: + params['weight_decay_rate'] = cfg.adam_bert_weight_decay_rate + else: + params['weight_decay_rate'] = cfg.adam_weight_decay_rate + + for bert_layer_name, lr in bert_layer_lr.items(): + if bert_layer_name in name: + params['lr'] = lr + break + + optimizer_grouped_parameters.append(params) + + optimizer = AdamW(optimizer_grouped_parameters, + betas=(cfg.adam_beta1, cfg.adam_beta2), + lr=cfg.learning_rate, + eps=cfg.adam_epsilon, + weight_decay=cfg.adam_weight_decay_rate, + correct_bias=False) + + total_train_steps = (dataset.get_dataset_size("train") + cfg.train_batch_size * cfg.gradient_accumulation_steps - + 1) / (cfg.train_batch_size * cfg.gradient_accumulation_steps) * cfg.epochs + num_warmup_steps = int(cfg.warmup_rate * total_train_steps) + 1 + scheduler = get_linear_schedule_with_warmup(optimizer, + num_warmup_steps=num_warmup_steps, + num_training_steps=total_train_steps) + + last_epoch = 1 + batch_id = 0 + best_f1 = 0.0 + early_stop_cnt = 0 + accumulation_steps = 0 + model.zero_grad() + + for epoch, batch in dataset.get_batch('train', cfg.train_batch_size, None): + + if last_epoch != epoch or (batch_id != 0 and batch_id % cfg.validate_every == 0): + if accumulation_steps != 0: + optimizer.step() + scheduler.step() + model.zero_grad() + + if epoch > cfg.pretrain_epochs: + dev_f1 = dev(cfg, dataset, model) + if dev_f1 > best_f1: + early_stop_cnt = 0 + best_f1 = dev_f1 + logger.info("Save model...") + torch.save(model.state_dict(), open(cfg.best_model_path, "wb")) + elif last_epoch != epoch: + early_stop_cnt += 1 + if early_stop_cnt > cfg.early_stop: + logger.info("Early Stop: best F1 score: {:6.2f}%".format(100 * best_f1)) + break + if epoch > cfg.epochs: + torch.save(model.state_dict(), open(cfg.last_model_path, "wb")) + logger.info("Training Stop: best F1 score: {:6.2f}%".format(100 * best_f1)) + break + + if last_epoch != epoch: + batch_id = 0 + last_epoch = epoch + + model.train() + batch_id += len(batch['tokens_lens']) + batch['epoch'] = (epoch - 1) + loss = step(cfg, model, batch, cfg.device) + if batch_id % cfg.logging_steps == 0: + logger.info("Epoch: {} Batch: {} Loss: {})".format(epoch, batch_id, loss.item())) + + if cfg.gradient_accumulation_steps > 1: + loss /= cfg.gradient_accumulation_steps + + loss.backward() + + accumulation_steps = (accumulation_steps + 1) % cfg.gradient_accumulation_steps + if accumulation_steps == 0: + nn.utils.clip_grad_norm_(parameters=model.parameters(), max_norm=cfg.gradient_clipping) + optimizer.step() + scheduler.step() + model.zero_grad() + + state_dict = torch.load(open(cfg.best_model_path, "rb"), map_location=lambda storage, loc: storage) + model.load_state_dict(state_dict) + test(cfg, dataset, model) + + +def simple_accuracy(preds, labels): + return (preds == labels).mean() + + +def compute_f1(output): + n_gold = n_pred = n_correct = 0 + for sent in output: + for pred, label in zip(sent["label_preds"], sent["label_ids"]): + if pred != 0: + n_pred += 1 + if label != 0: + n_gold += 1 + if (pred != 0) and (label != 0) and (pred == label): + n_correct += 1 + if n_correct == 0: + return {'precision': 0.0, 'recall': 0.0, 'f1': 0.0} + else: + prec = n_correct * 1.0 / n_pred + recall = n_correct * 1.0 / n_gold + if prec + recall > 0: + f1 = 2.0 * prec * recall / (prec + recall) + else: + f1 = 0.0 + + return {'precision': prec, 'task_recall': recall, 'task_f1': f1, + 'n_correct': n_correct, 'n_pred': n_pred, 'task_ngold': n_gold} + + +def evaluate(outputs): + result = compute_f1(outputs) + logger.info("Validation F1: {}, Accuracy: {}, Recall: {}".format(result["task_f1"], result["precision"], result["task_recall"])) + return result["task_f1"] + + +def dev(cfg, dataset, model): + logger.info("Validate starting...") + model.zero_grad() + + all_outputs = [] + cost_time = 0 + for _, batch in dataset.get_batch('dev', cfg.test_batch_size, None): + model.eval() + with torch.no_grad(): + cost_time -= time.time() + batch_outpus = step(cfg, model, batch, cfg.device) + cost_time += time.time() + all_outputs.extend(batch_outpus) + logger.info(f"Cost time: {cost_time}s") + f1 = evaluate(all_outputs) + return f1 + + +def test(cfg, dataset, model): + logger.info("Testing starting...") + model.zero_grad() + + all_outputs = [] + + cost_time = 0 + for _, batch in dataset.get_batch('test', cfg.test_batch_size, None): + model.eval() + with torch.no_grad(): + cost_time -= time.time() + batch_outpus = step(cfg, model, batch, cfg.device) + cost_time += time.time() + all_outputs.extend(batch_outpus) + logger.info(f"Cost time: {cost_time}s") + + f1 = evaluate(all_outputs) + print("test F1: ", f1) + + +def main(): + # config settings + parser = ConfigurationParer() + parser.add_save_cfgs() + parser.add_data_cfgs() + parser.add_model_cfgs() + parser.add_optimizer_cfgs() + parser.add_run_cfgs() + + cfg = parser.parse_args() + logger.info(parser.format_values()) + + # set random seed + random.seed(cfg.seed) + torch.manual_seed(cfg.seed) + np.random.seed(cfg.seed) + if cfg.device > -1 and not torch.cuda.is_available(): + logger.error('config conflicts: no gpu available, use cpu for training.') + cfg.device = -1 + if cfg.device > -1: + torch.cuda.manual_seed(cfg.seed) + + # define fields + tokens = TokenField("tokens", "tokens", "tokens", True) + label_ids = RawTokenField("label_ids", "label_ids") + relation_ids = RawTokenField("relation_ids", "relation_ids") + argument_ids = RawTokenField("argument_ids", "argument_ids") + wordpiece_tokens = TokenField("wordpiece_tokens", "wordpiece", "wordpiece_tokens", False) + wordpiece_tokens_index = RawTokenField("wordpiece_tokens_index", "wordpiece_tokens_index") + wordpiece_segment_ids = RawTokenField("wordpiece_segment_ids", "wordpiece_segment_ids") + fields = [tokens, label_ids, relation_ids, argument_ids] + + if cfg.embedding_model in ['bert', 'pretrained']: + fields.extend([wordpiece_tokens, wordpiece_tokens_index, wordpiece_segment_ids]) + + # define counter and vocabulary + counter = defaultdict(lambda: defaultdict(int)) + vocab = Vocabulary() + + # define instance (data sets) + train_instance = Instance(fields) + dev_instance = Instance(fields) + test_instance = Instance(fields) + + # define dataset reader + max_len = {'tokens': cfg.max_sent_len, 'wordpiece_tokens': cfg.max_wordpiece_len} + ent_rel_file = json.load(open(cfg.ent_rel_file, 'r', encoding='utf-8')) + pretrained_vocab = {'ent_rel_id': ent_rel_file["id"]} + if cfg.embedding_model == 'bert': + tokenizer = BertTokenizer.from_pretrained(cfg.bert_model_name) + logger.info("Load bert tokenizer successfully.") + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + elif cfg.embedding_model == 'pretrained': + tokenizer = AutoTokenizer.from_pretrained(cfg.pretrained_model_name) + logger.info("Load {} tokenizer successfully.".format(cfg.pretrained_model_name)) + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + train_reader = ReaderForRelationDecoding(cfg.train_file, False, max_len) + dev_reader = ReaderForRelationDecoding(cfg.dev_file, False, max_len) + test_reader = ReaderForRelationDecoding(cfg.test_file, False, max_len) + + # define dataset + oie_dataset = Dataset("OIE4") + oie_dataset.add_instance("train", train_instance, train_reader, is_count=True, is_train=True) + oie_dataset.add_instance("dev", dev_instance, dev_reader, is_count=True, is_train=False) + oie_dataset.add_instance("test", test_instance, test_reader, is_count=True, is_train=False) + + min_count = {"tokens": 1} + no_pad_namespace = ["ent_rel_id"] + no_unk_namespace = ["ent_rel_id"] + contain_pad_namespace = {"wordpiece": tokenizer.pad_token} + contain_unk_namespace = {"wordpiece": tokenizer.unk_token} + oie_dataset.build_dataset(vocab=vocab, + counter=counter, + min_count=min_count, + pretrained_vocab=pretrained_vocab, + no_pad_namespace=no_pad_namespace, + no_unk_namespace=no_unk_namespace, + contain_pad_namespace=contain_pad_namespace, + contain_unk_namespace=contain_unk_namespace) + oie_dataset.set_wo_padding_namespace(wo_padding_namespace=[]) + if cfg.test: + vocab = Vocabulary.load(cfg.relation_vocab) + else: + vocab.save(cfg.relation_vocab) + + # rel model + model = RelDecoder(cfg=cfg, vocab=vocab, ent_rel_file=ent_rel_file) + + if cfg.test and os.path.exists(cfg.best_model_path): + state_dict = torch.load(open(cfg.best_model_path, 'rb'), map_location=lambda storage, loc: storage) + model.load_state_dict(state_dict) + logger.info("Loading best training model {} successfully for testing.".format(cfg.best_model_path)) + + if cfg.device > -1: + model.cuda(device=cfg.device) + + if cfg.test: + dev(cfg, oie_dataset, model) + test(cfg, oie_dataset, model) + else: + train(cfg, oie_dataset, model) + + +if __name__ == '__main__': + main() diff --git a/linking_model_config.yml b/linking_model_config.yml new file mode 100644 index 0000000000000000000000000000000000000000..e1af6c66210a3645f9f221199233c6c536756a22 --- /dev/null +++ b/linking_model_config.yml @@ -0,0 +1,41 @@ +save_dir: save_results + +data_dir: data/OIE2016(processed)/relation_model/ +train_file: train.json +dev_file: dev.json +test_file: test.json +ent_rel_file: data/ent_rel_file.json +max_sent_len: 512 +max_wordpiece_len: 512 + +embedding_model: bert +mlp_hidden_size: 150 +max_span_length: 10 +dropout: 0.4 +logit_dropout: 0.2 +bert_model_name: bert-base-uncased +bert_output_size: 0 +bert_dropout: 0.0 + +gradient_clipping: 5.0 +learning_rate: 5e-5 +bert_learning_rate: 5e-5 +lr_decay_rate: 0.9 +adam_beta1: 0.9 +adam_beta2: 0.9 +adam_epsilon: 1e-12 +adam_weight_decay_rate: 1e-5 +adam_bert_weight_decay_rate: 1e-5 + +seed: 5216 +epochs: 20 +pretrain_epochs: 5 +warmup_rate: 0.2 +early_stop: 30 +train_batch_size: 32 +test_batch_size: 32 +gradient_accumulation_steps: 1 +logging_steps: 32 +validate_every: 4032 +device: -1 +log_file: linking_model_train.log diff --git a/models/__init__.py b/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/embedding_models/__init__.py b/models/embedding_models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/embedding_models/bert_embedding_model.py b/models/embedding_models/bert_embedding_model.py new file mode 100644 index 0000000000000000000000000000000000000000..d53d3400cfed1792b40b71dda342928c05251d3f --- /dev/null +++ b/models/embedding_models/bert_embedding_model.py @@ -0,0 +1,61 @@ +import torch.nn as nn + +from modules.token_embedders.bert_encoder import BertEncoder +from utils.nn_utils import batched_index_select, gelu + + +class BertEmbedModel(nn.Module): + """This class acts as an embeddding layer with bert model + """ + def __init__(self, cfg, vocab, rel_mlp=False): + """This function constructs `BertEmbedModel` components and + sets `BertEmbedModel` parameters + + Arguments: + cfg {dict} -- config parameters for constructing multiple models + vocab {Vocabulary} -- vocabulary + """ + + super().__init__() + self.rel_mlp = rel_mlp + self.activation = gelu + self.bert_encoder = BertEncoder(bert_model_name=cfg.bert_model_name, + trainable=cfg.fine_tune, + output_size=cfg.bert_output_size, + activation=self.activation, + dropout=cfg.bert_dropout) + self.encoder_output_size = self.bert_encoder.get_output_dims() + + def forward(self, batch_inputs): + """This function propagetes forwardly + + Arguments: + batch_inputs {dict} -- batch input data + """ + + if 'wordpiece_segment_ids' in batch_inputs: + batch_seq_bert_encoder_repr, batch_cls_repr = self.bert_encoder( + batch_inputs['wordpiece_tokens'], batch_inputs['wordpiece_segment_ids']) + else: + batch_seq_bert_encoder_repr, batch_cls_repr = self.bert_encoder( + batch_inputs['wordpiece_tokens']) + # print("wtf? ", batch_inputs['wordpiece_tokens'].shape, batch_seq_bert_encoder_repr.shape) + if not self.rel_mlp: + batch_seq_tokens_encoder_repr = batched_index_select(batch_seq_bert_encoder_repr, + batch_inputs['wordpiece_tokens_index']) + batch_inputs['seq_encoder_reprs'] = batch_seq_tokens_encoder_repr + else: + batch_inputs['seq_encoder_reprs'] = batch_seq_bert_encoder_repr + # print("wtf2? ", batch_seq_tokens_encoder_repr.shape) + # batch_inputs['seq_encoder_reprs'] = batch_seq_tokens_encoder_repr + # batch_inputs['seq_encoder_reprs'] = batch_seq_bert_encoder_repr + batch_inputs['seq_cls_repr'] = batch_cls_repr + + def get_hidden_size(self): + """This function returns embedding dimensions + + Returns: + int -- embedding dimensitons + """ + + return self.encoder_output_size diff --git a/models/embedding_models/pretrained_embedding_model.py b/models/embedding_models/pretrained_embedding_model.py new file mode 100644 index 0000000000000000000000000000000000000000..5fce80c4c7d63b63543de9a33cd802945b01de50 --- /dev/null +++ b/models/embedding_models/pretrained_embedding_model.py @@ -0,0 +1,64 @@ +import torch.nn as nn + +from modules.token_embedders.pretrained_encoder import PretrainedEncoder +from utils.nn_utils import batched_index_select, gelu + + +class PretrainedEmbedModel(nn.Module): + """This class acts as an embeddding layer with pre-trained model + """ + def __init__(self, cfg, vocab, rel_mlp=False): + """This function constructs `PretrainedEmbedModel` components and + sets `PretrainedEmbedModel` parameters + + Arguments: + cfg {dict} -- config parameters for constructing multiple models + vocab {Vocabulary} -- vocabulary + """ + + super().__init__() + self.activation = gelu + self.pretrained_encoder = PretrainedEncoder(pretrained_model_name=cfg.pretrained_model_name, + trainable=cfg.fine_tune, + output_size=cfg.bert_output_size, + activation=self.activation, + dropout=cfg.bert_dropout) + self.encoder_output_size = self.pretrained_encoder.get_output_dims() + + def forward(self, batch_inputs): + """This function propagetes forwardly + + Arguments: + batch_inputs {dict} -- batch input data + """ + + if 'wordpiece_segment_ids' in batch_inputs: + batch_seq_pretrained_encoder_repr, batch_cls_repr = self.pretrained_encoder( + batch_inputs['wordpiece_tokens'], batch_inputs['wordpiece_segment_ids']) + else: + batch_seq_pretrained_encoder_repr, batch_cls_repr = self.pretrained_encoder( + batch_inputs['wordpiece_tokens']) + + batch_seq_tokens_encoder_repr = batched_index_select(batch_seq_pretrained_encoder_repr, + batch_inputs['wordpiece_tokens_index']) + + batch_inputs['seq_encoder_reprs'] = batch_seq_tokens_encoder_repr + + # if not self.rel_mlp: + # batch_seq_tokens_encoder_repr = batched_index_select(batch_seq_pretrained_encoder_repr, + # batch_inputs['wordpiece_tokens_index']) + # batch_inputs['seq_encoder_reprs'] = batch_seq_tokens_encoder_repr + # else: + # batch_inputs['seq_encoder_reprs'] = batch_seq_pretrained_encoder_repr + + + batch_inputs['seq_cls_repr'] = batch_cls_repr + + def get_hidden_size(self): + """This function returns embedding dimensions + + Returns: + int -- embedding dimensitons + """ + + return self.encoder_output_size diff --git a/models/joint_decoding/__init__.py b/models/joint_decoding/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/joint_decoding/joint_decoder.py b/models/joint_decoding/joint_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..98bbb23c24c113087ee9bb48fc043604f12e07fc --- /dev/null +++ b/models/joint_decoding/joint_decoder.py @@ -0,0 +1,327 @@ +import copy +import logging + +import torch +import torch.nn as nn +import numpy as np + +from models.embedding_models.bert_embedding_model import BertEmbedModel +from models.embedding_models.pretrained_embedding_model import PretrainedEmbedModel +from modules.token_embedders.bert_encoder import BertLinear +from collections import defaultdict +from transformers import AutoTokenizer + +logger = logging.getLogger(__name__) + + +class EntRelJointDecoder(nn.Module): + Argument_START_NER = ''.lower() + Argument_END_NER = ''.lower() + Relation_START_NER = ''.lower() + Relation_END_NER = ''.lower() + + def __init__(self, cfg, vocab, ent_rel_file, rel_file): + """__init__ constructs `EntRelJointDecoder` components and + sets `EntRelJointDecoder` parameters. This class adopts a joint + decoding algorithm for entity relation joint decoing and facilitates + the interaction between entity and relation. + + Args: + cfg (dict): config parameters for constructing multiple models + vocab (Vocabulary): vocabulary + ent_rel_file (dict): entity and relation file (joint id, entity id, relation id, symmetric id, asymmetric id) + """ + + super().__init__() + self.auto_tokenizer = AutoTokenizer.from_pretrained("bert-base-uncased") + self.cls = self.auto_tokenizer.cls_token + self.sep = self.auto_tokenizer.sep_token + self.rel_file = rel_file + self.add_marker_tokens() + self.vocab = vocab + self.max_span_length = cfg.max_span_length + self.activation = nn.GELU() + self.device = cfg.device + self.separate_threshold = cfg.separate_threshold + + if cfg.embedding_model == 'bert': + self.embedding_model = BertEmbedModel(cfg, vocab) + elif cfg.embedding_model == 'pretrained': + self.embedding_model = PretrainedEmbedModel(cfg, vocab) + self.encoder_output_size = self.embedding_model.get_hidden_size() + + self.head_mlp = BertLinear(input_size=self.encoder_output_size, + output_size=cfg.mlp_hidden_size, + activation=self.activation, + dropout=cfg.dropout) + self.tail_mlp = BertLinear(input_size=self.encoder_output_size, + output_size=cfg.mlp_hidden_size, + activation=self.activation, + dropout=cfg.dropout) + + self.U = nn.Parameter( + torch.FloatTensor(self.vocab.get_vocab_size('ent_rel_id'), cfg.mlp_hidden_size + 1, + cfg.mlp_hidden_size + 1)) + self.U.data.zero_() + + if cfg.logit_dropout > 0: + self.logit_dropout = nn.Dropout(p=cfg.logit_dropout) + else: + self.logit_dropout = lambda x: x + + self.none_idx = self.vocab.get_token_index('None', 'ent_rel_id') + + self.symmetric_label = torch.LongTensor(ent_rel_file["symmetric"]) + self.asymmetric_label = torch.LongTensor(ent_rel_file["asymmetric"]) + self.ent_label = torch.LongTensor(ent_rel_file["entity"]) + self.rel_label = torch.LongTensor(ent_rel_file["relation"]) + # self.rel_label = torch.LongTensor([r - 2 for r in ent_rel_file["relation"]]) + if self.device > -1: + self.symmetric_label = self.symmetric_label.cuda(device=self.device, non_blocking=True) + self.asymmetric_label = self.asymmetric_label.cuda(device=self.device, non_blocking=True) + self.ent_label = self.ent_label.cuda(device=self.device, non_blocking=True) + self.rel_label = self.rel_label.cuda(device=self.device, non_blocking=True) + + self.element_loss = nn.CrossEntropyLoss() + + def add_marker_tokens(self): + new_tokens = ['', ''] + for label in self.rel_file["entity_text"]: + new_tokens.append('' % label) + new_tokens.append('' % label) + self.auto_tokenizer.add_tokens(new_tokens) + # print('# vocab after adding markers: %d'%len(tokenizer)) + + def forward(self, batch_inputs, rel_model, dataset_vocab): + """forward + + Arguments: + batch_inputs {dict} -- batch input data + + Returns: + dict -- results: ent_loss, ent_pred + """ + + results = {} + batch_seq_tokens_lens = batch_inputs['tokens_lens'] + batch_tokens = batch_inputs['tokens'] + + self.embedding_model(batch_inputs) + batch_seq_tokens_encoder_repr = batch_inputs['seq_encoder_reprs'] + + batch_seq_tokens_head_repr = self.head_mlp(batch_seq_tokens_encoder_repr) + batch_seq_tokens_head_repr = torch.cat( + [batch_seq_tokens_head_repr, + torch.ones_like(batch_seq_tokens_head_repr[..., :1])], dim=-1) + batch_seq_tokens_tail_repr = self.tail_mlp(batch_seq_tokens_encoder_repr) + batch_seq_tokens_tail_repr = torch.cat( + [batch_seq_tokens_tail_repr, + torch.ones_like(batch_seq_tokens_tail_repr[..., :1])], dim=-1) + + batch_joint_score = torch.einsum('bxi, oij, byj -> boxy', batch_seq_tokens_head_repr, self.U, + batch_seq_tokens_tail_repr).permute(0, 2, 3, 1) + + batch_normalized_joint_score = torch.softmax( + batch_joint_score, dim=-1) * batch_inputs['joint_label_matrix_mask'].unsqueeze(-1).float() + + if not self.training: + results['entity_label_preds'] = torch.argmax(batch_normalized_joint_score, dim=-1) + + separate_position_preds, ent_preds, rel_preds = self.soft_joint_decoding( + batch_normalized_joint_score, rel_model, batch_tokens, batch_seq_tokens_lens, dataset_vocab) + + results['all_separate_position_preds'] = separate_position_preds + results['all_ent_preds'] = ent_preds + results['all_rel_preds'] = rel_preds + + return results + + results['element_loss'] = self.element_loss( + self.logit_dropout(batch_joint_score[batch_inputs['joint_label_matrix_mask']]), + batch_inputs['joint_label_matrix'][batch_inputs['joint_label_matrix_mask']]) + + batch_symmetric_normalized_joint_score = batch_normalized_joint_score[..., self.symmetric_label] + results['symmetric_loss'] = torch.abs(batch_symmetric_normalized_joint_score - + batch_symmetric_normalized_joint_score.transpose(1, 2)).sum( + dim=-1)[batch_inputs['joint_label_matrix_mask']].mean() + + batch_rel_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label], dim=-1).values + batch_diag_ent_normalized_joint_score = torch.max( + batch_normalized_joint_score[..., self.ent_label].diagonal(0, 1, 2), + dim=1).values.unsqueeze(-1).expand_as(batch_rel_normalized_joint_score) + + results['implication_loss'] = ( + torch.relu(batch_rel_normalized_joint_score - batch_diag_ent_normalized_joint_score).sum(dim=2) + + torch.relu( + batch_rel_normalized_joint_score.transpose(1, 2) - batch_diag_ent_normalized_joint_score).sum( + dim=2))[batch_inputs['joint_label_matrix_mask'][..., 0]].mean() + + relation_entity_mask = batch_inputs['joint_label_matrix'].diagonal(0, 1, 2) + relation_entity_mask = torch.eq(relation_entity_mask, self.ent_label[1]) + + batch_row_subject_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label[0]], + dim=-1).values + batch_column_subject_normalized_joint_score = torch.max( + batch_normalized_joint_score.transpose(1, 2)[..., self.rel_label[0]], dim=-1).values + batch_row_object_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label[1]], + dim=-1).values + batch_column_object_normalized_joint_score = torch.max( + batch_normalized_joint_score.transpose(1, 2)[..., self.rel_label[1]], dim=-1).values + + results['triple_loss'] = ( + (torch.relu(batch_row_object_normalized_joint_score - batch_row_subject_normalized_joint_score) + + torch.relu( + batch_column_object_normalized_joint_score - batch_column_subject_normalized_joint_score)) / 2 + )[relation_entity_mask].mean() + + return results + + def soft_joint_decoding(self, batch_normalized_entity_score, rel_model, batch_tokens, batch_seq_tokens_lens, + dataset_vocab): + separate_position_preds = [] + ent_preds = [] + rel_preds = [] + + batch_normalized_entity_score = batch_normalized_entity_score.cpu().numpy() + ent_label = self.ent_label.cpu().numpy() + rel_label = self.rel_label.cpu().numpy() + + for idx, seq_len in enumerate(batch_seq_tokens_lens): + # joint_rel_score = relation_matrix[idx][:seq_len, :seq_len, :] + tokens = [dataset_vocab.get_token_from_index(token.item(), 'tokens') for token in + batch_tokens[idx][:seq_len]] + + ent_pred = {} + rel_pred = {} + entity_score = batch_normalized_entity_score[idx][:seq_len, :seq_len, :] + entity_score = (entity_score + entity_score.transpose((1, 0, 2))) / 2 + + entity_score_feature = entity_score.reshape(seq_len, -1) + transposed_entity_score_feature = entity_score.transpose((1, 0, 2)).reshape(seq_len, -1) + separate_pos = ( + (np.linalg.norm(entity_score_feature[0:seq_len - 1] - entity_score_feature[1:seq_len], axis=1) + + np.linalg.norm( + transposed_entity_score_feature[0:seq_len - 1] - transposed_entity_score_feature[1:seq_len], + axis=1)) + * 0.5 > self.separate_threshold).nonzero()[0] + separate_position_preds.append([pos.item() for pos in separate_pos]) + if len(separate_pos) > 0: + spans = [(0, separate_pos[0].item() + 1)] + [ + (separate_pos[idx].item() + 1, separate_pos[idx + 1].item() + 1) + for idx in range(len(separate_pos) - 1)] + [(separate_pos[-1].item() + 1, seq_len)] + else: + spans = [(0, seq_len)] + + merged_spans = [(span,) for span in spans] + ents = [] + relations = [] + arguments = [] + index2span = {} + for span in merged_spans: + target_indices = [] + for sp in span: + target_indices += [idx for idx in range(sp[0], sp[1])] + score = np.mean(entity_score[target_indices, :, :][:, target_indices, :], axis=(0, 1)) + if not (np.max(score[ent_label]) < score[self.none_idx]): + pred = ent_label[np.argmax(score[ent_label])].item() + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + if pred_label == "Relation": + relations.append(target_indices) + else: + arguments.append(target_indices) + ents.append(target_indices) + index2span[tuple(target_indices)] = span + ent_pred[span] = pred_label + + # relation decode begins + for rel in relations: + subj_found = False + obj_found = False + # if rel[-1] < seq_len - 6: + sorted_arguments = sorted(arguments, key=lambda a: abs(a[0] - rel[0])) + sorted_indices = [arguments.index(arg) for arg in sorted_arguments] + argument_start_ids = [arg[0] for arg in sorted_arguments] + argument_end_ids = [arg[-1] for arg in sorted_arguments] + relation_indices = [] + argument_indices = [] + wordpiece_tokens = [self.cls] + for i, token in enumerate(tokens): + if i == rel[0]: + relation_indices.append(len(wordpiece_tokens)) + wordpiece_tokens.append(self.Relation_START_NER) + if i in argument_start_ids: + argument_indices.append(len(wordpiece_tokens)) + wordpiece_tokens.append(self.Argument_START_NER) + + tokenized_token = list(self.auto_tokenizer.tokenize(token)) + wordpiece_tokens.extend(tokenized_token) + if i == rel[-1]: + wordpiece_tokens.append(self.Relation_END_NER) + if i in argument_end_ids: + wordpiece_tokens.append(self.Argument_END_NER) + + wordpiece_tokens.append(self.sep) + wordpiece_segment_ids = [1] * (len(wordpiece_tokens)) + wordpiece_tokens = [rel_model.vocab.get_token_index(token, 'wordpiece') for token in wordpiece_tokens] + rel_input = { + "wordpiece_tokens": torch.LongTensor([wordpiece_tokens]), + "relation_ids": torch.LongTensor([relation_indices * len(argument_indices)]), + "argument_ids": torch.LongTensor([argument_indices]), + "label_ids_mask": torch.LongTensor([[1] * len(argument_indices)]), + "wordpiece_segment_ids": torch.LongTensor([wordpiece_segment_ids]) + } + output = rel_model(rel_input) + output = output['label_preds'][0].cpu().numpy() + sorted_output_labels = [output[i] for i in sorted_indices] + assert len(argument_start_ids) == len(output) + prev_subj = 0 + prev_obj = 0 + for idx, label_id in enumerate(sorted_output_labels): + if label_id == 0 and subj_found and obj_found: + break + + pred_label = "None" + pred_t_label = "None" + score = np.mean(entity_score[rel, :, :][:, sorted_arguments[idx], :], axis=(0, 1)) + score_t = np.mean(entity_score[sorted_arguments[idx], :, :][:, rel, :], axis=(0, 1)) + if not (np.max(score[self.rel_label]) < score[self.none_idx]) or \ + not (np.max(score_t[self.rel_label]) < score_t[self.none_idx]): + pred = rel_label[np.argmax(score[self.rel_label])].item() + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + + pred = rel_label[np.argmax(score_t[self.rel_label])].item() + pred_t_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + + # to handle object less extractions + if label_id == 1 and sorted_arguments[idx][0] > rel[-1]: + obj_found = True + if (pred_label == "Object" or pred_t_label == "Object") and \ + (not obj_found or (prev_obj != 0 and prev_obj + 1 <= sorted_arguments[idx][0] <= prev_obj + 3)): + rel_pred[(index2span[tuple(rel)], index2span[tuple(sorted_arguments[idx])])] = "Object" + prev_obj = sorted_arguments[idx][-1] + continue + + # just added (maybe need to be deleted) + if (label_id == 2 and sorted_arguments[idx][0] < rel[0]): + if (pred_label == "Subject" or pred_t_label == "Subject") and \ + (not subj_found or (prev_subj != 0 and prev_subj - 1 == sorted_arguments[idx][-1])): + rel_pred[(index2span[tuple(rel)], index2span[tuple(sorted_arguments[idx])])] = "Subject" + subj_found = True + prev_subj = sorted_arguments[idx][0] + continue + + if label_id == 1 and (not subj_found or ( + prev_subj != 0 and sorted_arguments[idx][-1] == prev_subj - 1)): + rel_pred[(index2span[tuple(rel)], index2span[tuple(sorted_arguments[idx])])] = "Subject" + subj_found = True + prev_subj = sorted_arguments[idx][0] + + elif label_id == 2 and (not obj_found or (prev_obj != 0 and prev_obj + 1 == sorted_arguments[idx][0])): + rel_pred[(index2span[tuple(rel)], index2span[tuple(sorted_arguments[idx])])] = "Object" + obj_found = True + prev_obj = sorted_arguments[idx][-1] + + ent_preds.append(ent_pred) + rel_preds.append(rel_pred) + + return separate_position_preds, ent_preds, rel_preds diff --git a/models/joint_decoding/table_decoder.py b/models/joint_decoding/table_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..d7864b6549a500e7f93d00df318d6014cf56d7fc --- /dev/null +++ b/models/joint_decoding/table_decoder.py @@ -0,0 +1,332 @@ +import copy +import logging + +import torch +import torch.nn as nn +import numpy as np + +from models.embedding_models.bert_embedding_model import BertEmbedModel +from models.embedding_models.pretrained_embedding_model import PretrainedEmbedModel +from modules.token_embedders.bert_encoder import BertLinear +from collections import defaultdict + +logger = logging.getLogger(__name__) + + +class EntRelJointDecoder(nn.Module): + def __init__(self, cfg, vocab, ent_rel_file): + """__init__ constructs `EntRelJointDecoder` components and + sets `EntRelJointDecoder` parameters. This class adopts a joint + decoding algorithm for entity relation joint decoding and facilitates + the interaction between entity and relation. + + Args: + cfg (dict): config parameters for constructing multiple models + vocab (Vocabulary): vocabulary + ent_rel_file (dict): entity and relation file (joint id, entity id, relation id, symmetric id, asymmetric id) + """ + + super().__init__() + self.vocab = vocab + self.max_span_length = cfg.max_span_length + self.activation = nn.GELU() + self.device = cfg.device + self.separate_threshold = cfg.separate_threshold + + if cfg.embedding_model == 'bert': + self.embedding_model = BertEmbedModel(cfg, vocab) + elif cfg.embedding_model == 'pretrained': + self.embedding_model = PretrainedEmbedModel(cfg, vocab) + self.encoder_output_size = self.embedding_model.get_hidden_size() + + self.head_mlp = BertLinear(input_size=self.encoder_output_size, + output_size=cfg.mlp_hidden_size, + activation=self.activation, + dropout=cfg.dropout) + self.tail_mlp = BertLinear(input_size=self.encoder_output_size, + output_size=cfg.mlp_hidden_size, + activation=self.activation, + dropout=cfg.dropout) + + self.U = nn.Parameter( + torch.FloatTensor(self.vocab.get_vocab_size('ent_rel_id'), cfg.mlp_hidden_size + 1, + cfg.mlp_hidden_size + 1)) + self.U.data.zero_() + + if cfg.logit_dropout > 0: + self.logit_dropout = nn.Dropout(p=cfg.logit_dropout) + else: + self.logit_dropout = lambda x: x + + self.none_idx = self.vocab.get_token_index('None', 'ent_rel_id') + + self.symmetric_label = torch.LongTensor(ent_rel_file["symmetric"]) + self.asymmetric_label = torch.LongTensor(ent_rel_file["asymmetric"]) + self.ent_label = torch.LongTensor(ent_rel_file["entity"]) + self.rel_label = torch.LongTensor(ent_rel_file["relation"]) + if self.device > -1: + self.symmetric_label = self.symmetric_label.cuda(device=self.device, non_blocking=True) + self.asymmetric_label = self.asymmetric_label.cuda(device=self.device, non_blocking=True) + self.ent_label = self.ent_label.cuda(device=self.device, non_blocking=True) + self.rel_label = self.rel_label.cuda(device=self.device, non_blocking=True) + + self.element_loss = nn.CrossEntropyLoss() + + def forward(self, batch_inputs): + """forward + + Arguments: + batch_inputs {dict} -- batch input data + + Returns: + dict -- results: ent_loss, ent_pred + """ + + results = {} + batch_seq_tokens_lens = batch_inputs['tokens_lens'] + batch_tokens = batch_inputs['tokens'] + + self.embedding_model(batch_inputs) + batch_seq_tokens_encoder_repr = batch_inputs['seq_encoder_reprs'] + + batch_seq_tokens_head_repr = self.head_mlp(batch_seq_tokens_encoder_repr) + batch_seq_tokens_head_repr = torch.cat( + [batch_seq_tokens_head_repr, + torch.ones_like(batch_seq_tokens_head_repr[..., :1])], dim=-1) + batch_seq_tokens_tail_repr = self.tail_mlp(batch_seq_tokens_encoder_repr) + batch_seq_tokens_tail_repr = torch.cat( + [batch_seq_tokens_tail_repr, + torch.ones_like(batch_seq_tokens_tail_repr[..., :1])], dim=-1) + + batch_joint_score = torch.einsum('bxi, oij, byj -> boxy', batch_seq_tokens_head_repr, self.U, + batch_seq_tokens_tail_repr).permute(0, 2, 3, 1) + + batch_normalized_joint_score = torch.softmax( + batch_joint_score, dim=-1) * batch_inputs['joint_label_matrix_mask'].unsqueeze(-1).float() + + if not self.training: + # tokens = [self.vocab.get_token_from_index(token, 'tokens') for token in batch_inputs['tokens'][batch_seq_tokens_lens]] + # print("tokens: ", tokens) + results['joint_label_preds'] = torch.argmax(batch_normalized_joint_score, dim=-1) + + # three step decoding happens in soft_joint_decoding func! + separate_position_preds, ent_preds, rel_preds = self.soft_joint_decoding( + batch_normalized_joint_score, batch_tokens, batch_seq_tokens_lens) + + results['all_separate_position_preds'] = separate_position_preds + results['all_ent_preds'] = ent_preds + results['all_rel_preds'] = rel_preds + + return results + + results['element_loss'] = self.element_loss( + self.logit_dropout(batch_joint_score[batch_inputs['joint_label_matrix_mask']]), + batch_inputs['joint_label_matrix'][batch_inputs['joint_label_matrix_mask']]) + + batch_symmetric_normalized_joint_score = batch_normalized_joint_score[..., self.symmetric_label] + results['symmetric_loss'] = torch.abs(batch_symmetric_normalized_joint_score - + batch_symmetric_normalized_joint_score.transpose(1, 2)).sum( + dim=-1)[batch_inputs['joint_label_matrix_mask']].mean() + + batch_rel_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label], dim=-1).values + batch_diag_ent_normalized_joint_score = torch.max( + batch_normalized_joint_score[..., self.ent_label].diagonal(0, 1, 2), + dim=1).values.unsqueeze(-1).expand_as(batch_rel_normalized_joint_score) + + results['implication_loss'] = ( + torch.relu(batch_rel_normalized_joint_score - batch_diag_ent_normalized_joint_score).sum(dim=2) + + torch.relu(batch_rel_normalized_joint_score.transpose(1, 2) - batch_diag_ent_normalized_joint_score).sum( + dim=2))[batch_inputs['joint_label_matrix_mask'][..., 0]].mean() + + # relation_entities = batch_normalized_joint_score[..., self.ent_label[1]].diagonal(0, 1, 2) + relation_entity_mask = batch_inputs['joint_label_matrix'].diagonal(0, 1, 2) + relation_entity_mask = torch.eq(relation_entity_mask, self.ent_label[1]) + + batch_row_subject_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label[0]], dim=-1).values + batch_column_subject_normalized_joint_score = torch.max(batch_normalized_joint_score.transpose(1, 2)[..., self.rel_label[0]], dim=-1).values + batch_row_object_normalized_joint_score = torch.max(batch_normalized_joint_score[..., self.rel_label[1]], dim=-1).values + batch_column_object_normalized_joint_score = torch.max(batch_normalized_joint_score.transpose(1, 2)[..., self.rel_label[1]], dim=-1).values + + results['triple_loss'] = ( + (torch.relu(batch_row_object_normalized_joint_score - batch_row_subject_normalized_joint_score) + + torch.relu(batch_column_object_normalized_joint_score - batch_column_subject_normalized_joint_score)) / 2 + )[relation_entity_mask].mean() + + return results + + def hard_joint_decoding(self, batch_normalized_joint_score, batch_seq_tokens_lens): + """hard_joint_decoding extracts entity and relaition at the same time, + and consider the interconnection of entity and relation. + + Args: + batch_normalized_joint_score (tensor): batch joint pred + batch_seq_tokens_lens (list): batch sequence length + + Returns: + tuple: predicted entity and relation + """ + + separate_position_preds = [] + ent_preds = [] + rel_preds = [] + + joint_label_n = self.vocab.get_vocab_size('ent_rel_id') + batch_joint_pred = torch.argmax(batch_normalized_joint_score, dim=-1).cpu().numpy() + ent_label = np.append(self.ent_label.cpu().numpy(), self.none_idx) + rel_label = np.append(self.rel_label.cpu().numpy(), self.none_idx) + + for idx, seq_len in enumerate(batch_seq_tokens_lens): + separate_position_preds.append([]) + ent_pred = {} + rel_pred = {} + ents = [] + joint_pred = batch_joint_pred[idx] + ent_pos = [0] * seq_len + for l in range(self.max_span_length, 0, -1): + for st in range(0, seq_len - l + 1): + pred_cnt = np.array([0] * joint_label_n) + if any(ent_pos[st:st + l]): + continue + for i in range(st, st + l): + for j in range(st, st + l): + pred_cnt[joint_pred[i][j]] += 1 + pred = int(ent_label[np.argmax(pred_cnt[ent_label])]) + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + + if pred_label == 'None': + continue + + ents.append((st, st + l)) + for i in range(st, st + l): + ent_pos[i] = 1 + ent_pred[(st, st + l)] = pred_label + + for idx1 in range(len(ents)): + for idx2 in range(len(ents)): + if idx1 == idx2: + continue + pred_cnt = np.array([0] * joint_label_n) + for i in range(ents[idx1][0], ents[idx1][1]): + for j in range(ents[idx2][0], ents[idx2][1]): + pred_cnt[joint_pred[i][j]] += 1 + pred = int(rel_label[np.argmax(pred_cnt[rel_label])]) + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + h = ents[idx1][1] - ents[idx1][0] + w = ents[idx2][1] - ents[idx2][0] + if pred_label == 'None': + continue + rel_pred[(ents[idx1], ents[idx2])] = pred_label + + ent_preds.append(ent_pred) + rel_preds.append(rel_pred) + + return separate_position_preds, ent_preds, rel_preds + + def soft_joint_decoding(self, batch_normalized_joint_score, batch_tokens, batch_seq_tokens_lens): + """soft_joint_decoding extracts entity and relation at the same time, + and consider the interconnection of entity and relation. This is used for measuring the ability of + joint table filling model in generating Open-format extractions. + + Args: + batch_normalized_joint_score (tensor): batch normalized joint score + batch_seq_tokens_lens (list): batch sequence length + + Returns: + tuple: predicted entity and relation + """ + + separate_position_preds = [] + ent_preds = [] + rel_preds = [] + + batch_normalized_joint_score = batch_normalized_joint_score.cpu().numpy() + symmetric_label = self.symmetric_label.cpu().numpy() + ent_label = self.ent_label.cpu().numpy() + rel_label = self.rel_label.cpu().numpy() + + for idx, seq_len in enumerate(batch_seq_tokens_lens): + # print(" ".join([self.vocab.get_token_from_index(token.item(), 'tokens') for token in batch_tokens[idx][:seq_len]])) + ent_pred = {} + rel_pred = {} + joint_score = batch_normalized_joint_score[idx][:seq_len, :seq_len, :] + pred_label_tensors = copy.copy(joint_score) + joint_score[..., symmetric_label] = (joint_score[..., symmetric_label] + + joint_score[..., symmetric_label].transpose((1, 0, 2))) / 2 + + joint_score_feature = joint_score.reshape(seq_len, -1) + transposed_joint_score_feature = joint_score.transpose((1, 0, 2)).reshape(seq_len, -1) + separate_pos = ( + (np.linalg.norm(joint_score_feature[0:seq_len - 1] - joint_score_feature[1:seq_len], axis=1) + + np.linalg.norm( + transposed_joint_score_feature[0:seq_len - 1] - transposed_joint_score_feature[1:seq_len], axis=1)) + * 0.5 > self.separate_threshold).nonzero()[0] + separate_position_preds.append([pos.item() for pos in separate_pos]) + if len(separate_pos) > 0: + spans = [(0, separate_pos[0].item() + 1)] + [(separate_pos[idx].item() + 1, separate_pos[idx + 1].item() + 1) + for idx in range(len(separate_pos) - 1)] + [(separate_pos[-1].item() + 1, seq_len)] + else: + spans = [(0, seq_len)] + + # merged_spans = self.merge_similar_spans(spans, joint_score) + merged_spans = [(span, ) for span in spans] + ents = [] + index2span = {} + for span in merged_spans: + target_indices = [] + for sp in span: + target_indices += [idx for idx in range(sp[0], sp[1])] + score = np.mean(joint_score[target_indices, :, :][:, target_indices, :], axis=(0, 1)) + if not (np.max(score[ent_label]) < score[self.none_idx]): + pred = ent_label[np.argmax(score[ent_label])].item() + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + ents.append(target_indices) + index2span[tuple(target_indices)] = span + ent_pred[span] = pred_label + + for ent1 in ents: + for ent2 in ents: + if ent1 == ent2: + continue + score = np.mean(joint_score[ent1, :, :][:, ent2, :], axis=(0, 1)) + if not (np.max(score[rel_label]) < score[self.none_idx]): + pred = rel_label[np.argmax(score[rel_label])].item() + pred_label = self.vocab.get_token_from_index(pred, 'ent_rel_id') + rel_pred[(index2span[tuple(ent1)], index2span[tuple(ent2)])] = pred_label + elif (ent_pred[index2span[tuple(ent1)]] == "Relation" and + ent_pred[index2span[tuple(ent2)]] == "Argument") or\ + (ent_pred[index2span[tuple(ent1)]] == "Argument" + and ent_pred[index2span[tuple(ent2)]] == "Relation"): + joint_score_tensor = torch.from_numpy(pred_label_tensors[ent1, :, :][:, ent2, :]) + batch_joint_pred_sorted = torch.argsort(joint_score_tensor, dim=-1, descending=True) + most_possible_label = torch.argmax(joint_score_tensor, dim=-1) + # assert most_possible_label == batch_joint_pred_sorted[...,0] + second_possible_label = batch_joint_pred_sorted[..., 1] + subj_indices = torch.nonzero(most_possible_label == 3) + obj_indices = torch.nonzero(most_possible_label == 4) + if subj_indices.nelement() != 0 and obj_indices.nelement() == 0: + second_possible_label = second_possible_label[(most_possible_label != 3).nonzero(as_tuple=True)] + second_possible_label = (second_possible_label * 1.0).mean() + if 2.7 < second_possible_label <= 3.3: + rel_pred[(index2span[tuple(ent1)], index2span[tuple(ent2)])] = "Subject" + + elif obj_indices.nelement() != 0 and subj_indices.nelement() == 0: + second_possible_label = second_possible_label[(most_possible_label != 4).nonzero(as_tuple=True)] + second_possible_label = (second_possible_label * 1.0).mean() + if 3.5 < second_possible_label <= 4: + rel_pred[(index2span[tuple(ent1)], index2span[tuple(ent2)])] = "Object" + + else: + if 1 <= (ent2[0] - ent1[-1]) < 3: + second_possible_label = (second_possible_label * 1.0).mean().item() + if ent_pred[index2span[tuple(ent1)]] == "Relation" or \ + (ent_pred[index2span[tuple(ent2)]] == "Relation" and ent2[0] == seq_len - 6): + # if 3.5 < second_possible_label <= 4: + rel_pred[(index2span[tuple(ent1)], index2span[tuple(ent2)])] = "Object" + else: + if 2.7 < second_possible_label <= 3.3: + rel_pred[(index2span[tuple(ent1)], index2span[tuple(ent2)])] = "Subject" + + ent_preds.append(ent_pred) + rel_preds.append(rel_pred) + + return separate_position_preds, ent_preds, rel_preds diff --git a/models/relation_decoding/__init__.py b/models/relation_decoding/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/models/relation_decoding/relation_decoder.py b/models/relation_decoding/relation_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..3c4734d90e5066da6f2e84826745d67dd939a219 --- /dev/null +++ b/models/relation_decoding/relation_decoder.py @@ -0,0 +1,91 @@ +import logging + +import torch +import torch.nn as nn +import numpy as np + +from models.embedding_models.bert_embedding_model import BertEmbedModel +from models.embedding_models.pretrained_embedding_model import PretrainedEmbedModel +from modules.token_embedders.bert_encoder import BertLinear +from modules.token_embedders.bert_encoder import BertLayerNorm +from transformers import BertModel + +logger = logging.getLogger(__name__) + + +class RelDecoder(nn.Module): + def __init__(self, cfg, vocab, ent_rel_file): + """__init__ constructs `EntRelJointDecoder` components and + sets `EntRelJointDecoder` parameters. This class adopts a joint + decoding algorithm for entity relation joint decoing and facilitates + the interaction between entity and relation. + + Args: + cfg (dict): config parameters for constructing multiple models + vocab (Vocabulary): vocabulary + ent_rel_file (dict): entity and relation file (joint id, entity id, relation id, symmetric id, asymmetric id) + """ + + super().__init__() + + self.num_labels = 3 + self.vocab = vocab + self.max_span_length = cfg.max_span_length + self.device = cfg.device + + # if cfg.rel_embedding_model == 'bert': + self.embedding_model = BertEmbedModel(cfg, vocab, True) + # elif cfg.rel_embedding_model == 'pretrained': + # self.embedding_model = PretrainedEmbedModel(cfg, vocab) + self.encoder_output_size = self.embedding_model.get_hidden_size() + + self.layer_norm = BertLayerNorm(self.encoder_output_size * 2) + self.classifier = nn.Linear(self.encoder_output_size * 2, self.num_labels) + self.classifier.weight.data.normal_(mean=0.0, std=0.02) + self.classifier.bias.data.zero_() + + if cfg.logit_dropout > 0: + self.dropout = nn.Dropout(p=cfg.logit_dropout) + else: + self.dropout = lambda x: x + + self.none_idx = self.vocab.get_token_index('None', 'ent_rel_id') + + self.rel_label = torch.LongTensor(ent_rel_file["relation"]) + if self.device > -1: + self.rel_label = self.rel_label.cuda(device=self.device, non_blocking=True) + + self.element_loss = nn.CrossEntropyLoss() + + def forward(self, batch_inputs): + """forward + + Arguments: + batch_inputs {dict} -- batch input data + + Returns: + dict -- results: ent_loss, ent_pred + """ + + results = {} + + self.embedding_model(batch_inputs) + batch_seq_tokens_encoder_repr = batch_inputs['seq_encoder_reprs'] + relation_tokens = batch_seq_tokens_encoder_repr[torch.arange(batch_seq_tokens_encoder_repr.shape[0]).unsqueeze(-1), + batch_inputs["relation_ids"]] + argument_tokens = batch_seq_tokens_encoder_repr[torch.arange(batch_seq_tokens_encoder_repr.shape[0]).unsqueeze(-1), + batch_inputs["argument_ids"]] + batch_input_rep = torch.cat((relation_tokens, argument_tokens), dim=-1) + batch_input_rep = self.layer_norm(batch_input_rep) + batch_input_rep = self.dropout(batch_input_rep) + batch_logits = self.classifier(batch_input_rep) + + if not self.training: + results['label_preds'] = torch.argmax(batch_logits, dim=-1) * batch_inputs['label_ids_mask'] + return results + + results['loss'] = self.element_loss( + batch_logits[batch_inputs['label_ids_mask']], + batch_inputs['label_ids'][batch_inputs['label_ids_mask']]) + + return results diff --git a/modules/__init__.py b/modules/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/modules/token_embedders/__init__.py b/modules/token_embedders/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/modules/token_embedders/bert_encoder.py b/modules/token_embedders/bert_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..77f92415d7421d8358f49d07964e1bb31fc64716 --- /dev/null +++ b/modules/token_embedders/bert_encoder.py @@ -0,0 +1,161 @@ +import logging + +import torch +import torch.nn as nn + +from transformers import BertModel + +from utils.nn_utils import gelu + +logger = logging.getLogger(__name__) + + +class BertEncoder(nn.Module): + """This class using pretrained `Bert` model to encode token, + then fine-tuning `Bert` model + """ + def __init__(self, bert_model_name, trainable=False, output_size=0, activation=gelu, dropout=0.0): + """This function initialize pertrained `Bert` model + + Arguments: + bert_model_name {str} -- bert model name + + Keyword Arguments: + output_size {float} -- output size (default: {None}) + activation {nn.Module} -- activation function (default: {gelu}) + dropout {float} -- dropout rate (default: {0.0}) + """ + + super().__init__() + self.bert_model = BertModel.from_pretrained(bert_model_name) + logger.info("Load bert model {} successfully.".format(bert_model_name)) + + self.output_size = output_size + + if trainable: + logger.info("Start fine-tuning bert model {}.".format(bert_model_name)) + else: + logger.info("Keep fixed bert model {}.".format(bert_model_name)) + + for param in self.bert_model.parameters(): + param.requires_grad = trainable + + if self.output_size > 0: + self.mlp = BertLinear(input_size=self.bert_model.config.hidden_size, + output_size=self.output_size, + activation=activation) + else: + self.output_size = self.bert_model.config.hidden_size + self.mlp = lambda x: x + + if dropout > 0: + self.dropout = nn.Dropout(p=dropout) + else: + self.dropout = lambda x: x + + def get_output_dims(self): + return self.output_size + + def forward(self, seq_inputs, token_type_inputs=None): + """forward calculates forward propagation results, get token embedding + + Args: + seq_inputs {tensor} -- sequence inputs (tokenized) + token_type_inputs (tensor, optional): token type inputs. Defaults to None. + + Returns: + tensor: bert output for tokens + """ + + if token_type_inputs is None: + token_type_inputs = torch.zeros_like(seq_inputs) + mask_inputs = (seq_inputs != 0).long() + + outputs = self.bert_model(input_ids=seq_inputs, attention_mask=mask_inputs, token_type_ids=token_type_inputs) + last_hidden_state = outputs[0] + pooled_output = outputs[1] + + return self.dropout(self.mlp(last_hidden_state)), self.dropout(self.mlp(pooled_output)) + + +class BertLayerNorm(nn.Module): + """This class is LayerNorm model for Bert + """ + def __init__(self, hidden_size, eps=1e-12): + """This function sets `BertLayerNorm` parameters + + Arguments: + hidden_size {int} -- input size + + Keyword Arguments: + eps {float} -- epsilon (default: {1e-12}) + """ + + super().__init__() + self.weight = nn.Parameter(torch.ones(hidden_size)) + self.bias = nn.Parameter(torch.zeros(hidden_size)) + self.variance_epsilon = eps + + def forward(self, x): + """This function propagates forwardly + + Arguments: + x {tensor} -- input tesor + + Returns: + tensor -- LayerNorm outputs + """ + + u = x.mean(-1, keepdim=True) + s = (x - u).pow(2).mean(-1, keepdim=True) + x = (x - u) / torch.sqrt(s + self.variance_epsilon) + return self.weight * x + self.bias + + +class BertLinear(nn.Module): + """This class is Linear model for Bert + """ + def __init__(self, input_size, output_size, activation=gelu, dropout=0.0): + """This function sets `BertLinear` model parameters + + Arguments: + input_size {int} -- input size + output_size {int} -- output size + + Keyword Arguments: + activation {function} -- activation function (default: {gelu}) + dropout {float} -- dropout rate (default: {0.0}) + """ + + super().__init__() + self.input_size = input_size + self.output_size = output_size + self.linear = nn.Linear(input_size, output_size) + self.linear.weight.data.normal_(mean=0.0, std=0.02) + self.linear.bias.data.zero_() + self.activation = activation + self.layer_norm = BertLayerNorm(self.output_size) + + if dropout > 0: + self.dropout = nn.Dropout(p=dropout) + else: + self.dropout = lambda x: x + + def get_input_dims(self): + return self.input_size + + def get_output_dims(self): + return self.output_size + + def forward(self, x): + """This function propagates forwardly + + Arguments: + x {tensor} -- input tensor + + Returns: + tenor -- Linear outputs + """ + + output = self.activation(self.linear(x)) + return self.dropout(self.layer_norm(output)) diff --git a/modules/token_embedders/pretrained_encoder.py b/modules/token_embedders/pretrained_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..f95f689bfd0edfc8633e537460f2da883967a475 --- /dev/null +++ b/modules/token_embedders/pretrained_encoder.py @@ -0,0 +1,81 @@ +import logging + +import torch +import torch.nn as nn + +from transformers import AutoModel + +from utils.nn_utils import gelu +from modules.token_embedders.bert_encoder import BertLinear + +logger = logging.getLogger(__name__) + + +class PretrainedEncoder(nn.Module): + """This class using pre-trained model to encode token, + then fine-tuning the pre-trained model + """ + def __init__(self, pretrained_model_name, trainable=False, output_size=0, activation=gelu, dropout=0.0): + """This function initialize pertrained model + + Arguments: + pretrained_model_name {str} -- pre-trained model name + + Keyword Arguments: + output_size {float} -- output size (default: {None}) + activation {nn.Module} -- activation function (default: {gelu}) + dropout {float} -- dropout rate (default: {0.0}) + """ + + super().__init__() + self.pretrained_model = AutoModel.from_pretrained(pretrained_model_name) + logger.info("Load pre-trained model {} successfully.".format(pretrained_model_name)) + + self.output_size = output_size + + if trainable: + logger.info("Start fine-tuning pre-trained model {}.".format(pretrained_model_name)) + else: + logger.info("Keep fixed pre-trained model {}.".format(pretrained_model_name)) + + for param in self.pretrained_model.parameters(): + param.requires_grad = trainable + + if self.output_size > 0: + self.mlp = BertLinear(input_size=self.pretrained_model.config.hidden_size, + output_size=self.output_size, + activation=activation) + else: + self.output_size = self.pretrained_model.config.hidden_size + self.mlp = lambda x: x + + if dropout > 0: + self.dropout = nn.Dropout(p=dropout) + else: + self.dropout = lambda x: x + + def get_output_dims(self): + return self.output_size + + def forward(self, seq_inputs, token_type_inputs=None): + """forward calculates forward propagation results, get token embedding + + Args: + seq_inputs {tensor} -- sequence inputs (tokenized) + token_type_inputs (tensor, optional): token type inputs. Defaults to None. + + Returns: + tensor: bert output for tokens + """ + + if token_type_inputs is None: + token_type_inputs = torch.zeros_like(seq_inputs) + mask_inputs = (seq_inputs != 0).long() + + outputs = self.pretrained_model(input_ids=seq_inputs, + token_type_ids=token_type_inputs, + attention_mask=mask_inputs) + last_hidden_state = outputs[0] + pooled_output = outputs[1] + + return self.dropout(self.mlp(last_hidden_state)), self.dropout(self.mlp(pooled_output)) diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..5e88069e2c496eb5f9e85b7bc8cee3d1adaa979e --- /dev/null +++ b/requirements.txt @@ -0,0 +1,58 @@ +appnope==0.1.2 +backcall==0.2.0 +bidict==0.20.0 +certifi==2021.5.30 +charset-normalizer==2.0.4 +click==8.0.1 +ConfigArgParse==1.2.3 +dataclasses==0.8 +decorator==5.1.1 +docopt==0.6.2 +et-xmlfile==1.1.0 +filelock==3.0.12 +fire==0.3.1 +idna==3.2 +importlib-metadata==4.6.3 +ipdb==0.13.9 +ipython==7.16.2 +ipython-genutils==0.2.0 +jedi==0.17.2 +joblib==1.0.1 +nltk==3.6.7 +numpy==1.19.5 +openpyxl==3.0.9 +packaging==21.0 +pandas==1.1.5 +parso==0.7.1 +pexpect==4.8.0 +pickleshare==0.7.5 +Pillow==8.3.1 +pip==21.2.2 +prompt-toolkit==3.0.24 +ptyprocess==0.7.0 +Pygments==2.11.2 +pyparsing==2.4.7 +python-dateutil==2.8.2 +pytz==2021.3 +PyYAML==5.4.1 +regex==2021.8.3 +requests==2.26.0 +sacremoses==0.0.45 +scikit-learn==0.24.2 +scipy==1.5.4 +sentencepiece==0.1.96 +setuptools==57.4.0 +six==1.16.0 +termcolor==1.1.0 +threadpoolctl==3.0.0 +tokenizers==0.9.4 +toml==0.10.2 +torch==1.9.0 +torchvision==0.10.0 +tqdm==4.62.0 +traitlets==4.3.3 +transformers==4.2.2 +typing-extensions==3.10.0.0 +urllib3==1.26.6 +wcwidth==0.2.5 +zipp==3.5.0 diff --git a/save_results/models/constituent/vocabulary.pickle b/save_results/models/constituent/vocabulary.pickle new file mode 100644 index 0000000000000000000000000000000000000000..478a86b96731ba1988ea17d5b34a9292375b06fa --- /dev/null +++ b/save_results/models/constituent/vocabulary.pickle @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e71b17592942c6f3647e34175cd189422cd7cd15faf58a022bd08e51817d5304 +size 2501385 diff --git a/save_results/models/relation/vocabulary.pickle b/save_results/models/relation/vocabulary.pickle new file mode 100644 index 0000000000000000000000000000000000000000..31615713d6cfbb9d544fa4c801e9d7a28689751f --- /dev/null +++ b/save_results/models/relation/vocabulary.pickle @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31caaeda70b5c4d061f7af9381428cac9e878531d06ca6cb7eb3a87a2cee0d94 +size 2862144 diff --git a/test.py b/test.py new file mode 100644 index 0000000000000000000000000000000000000000..289f2c097099c681b1a78839d1f1f2934e4a7dc2 --- /dev/null +++ b/test.py @@ -0,0 +1,199 @@ +from collections import defaultdict +import json +import os +import random +import logging +import torch +import numpy as np +from transformers import BertTokenizer + +from models.joint_decoding.joint_decoder import EntRelJointDecoder +from models.relation_decoding.relation_decoder import RelDecoder +from utils.argparse import ConfigurationParer +from utils.prediction_outputs import print_extractions_allennlp_format +from inputs.vocabulary import Vocabulary +from inputs.fields.token_field import TokenField +from inputs.fields.raw_token_field import RawTokenField +from inputs.fields.map_token_field import MapTokenField +from inputs.instance import Instance +from inputs.datasets.dataset import Dataset +from inputs.dataset_readers.oie_reader_for_ent_rel_decoding import OIE4ReaderForEntRelDecoding + +logger = logging.getLogger(__name__) + + +def step(cfg, ent_model, rel_model, batch_inputs, main_vocab, device): + batch_inputs["tokens"] = torch.LongTensor(batch_inputs["tokens"]) + batch_inputs["entity_label_matrix"] = torch.LongTensor(batch_inputs["entity_label_matrix"]) + batch_inputs["entity_label_matrix_mask"] = torch.BoolTensor(batch_inputs["entity_label_matrix_mask"]) + batch_inputs["relation_label_matrix"] = torch.LongTensor(batch_inputs["relation_label_matrix"]) + batch_inputs["relation_label_matrix_mask"] = torch.BoolTensor(batch_inputs["relation_label_matrix_mask"]) + batch_inputs["wordpiece_tokens"] = torch.LongTensor(batch_inputs["wordpiece_tokens"]) + batch_inputs["wordpiece_tokens_index"] = torch.LongTensor(batch_inputs["wordpiece_tokens_index"]) + batch_inputs["wordpiece_segment_ids"] = torch.LongTensor(batch_inputs["wordpiece_segment_ids"]) + + batch_inputs["joint_label_matrix"] = torch.LongTensor(batch_inputs["joint_label_matrix"]) + batch_inputs["joint_label_matrix_mask"] = torch.BoolTensor(batch_inputs["joint_label_matrix_mask"]) + + if device > -1: + batch_inputs["tokens"] = batch_inputs["tokens"].cuda(device=device, non_blocking=True) + batch_inputs["entity_label_matrix"] = batch_inputs["entity_label_matrix"].cuda(device=device, non_blocking=True) + batch_inputs["entity_label_matrix_mask"] = batch_inputs["entity_label_matrix_mask"].cuda(device=device, non_blocking=True) + batch_inputs["relation_label_matrix"] = batch_inputs["relation_label_matrix"].cuda(device=device, non_blocking=True) + batch_inputs["relation_label_matrix_mask"] = batch_inputs["relation_label_matrix_mask"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens"] = batch_inputs["wordpiece_tokens"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_tokens_index"] = batch_inputs["wordpiece_tokens_index"].cuda(device=device, non_blocking=True) + batch_inputs["wordpiece_segment_ids"] = batch_inputs["wordpiece_segment_ids"].cuda(device=device, non_blocking=True) + + ent_outputs = ent_model(batch_inputs, rel_model, main_vocab) + batch_outputs = [] + if not ent_model.training and not rel_model.training: + # entities + for sent_idx in range(len(batch_inputs['tokens_lens'])): + sent_output = dict() + sent_output['tokens'] = batch_inputs['tokens'][sent_idx].cpu().numpy() + sent_output['span2ent'] = batch_inputs['span2ent'][sent_idx] + sent_output['span2rel'] = batch_inputs['span2rel'][sent_idx] + sent_output['seq_len'] = batch_inputs['tokens_lens'][sent_idx] + sent_output['entity_label_matrix'] = batch_inputs['entity_label_matrix'][sent_idx].cpu().numpy() + sent_output['entity_label_preds'] = ent_outputs['entity_label_preds'][sent_idx].cpu().numpy() + sent_output['separate_positions'] = batch_inputs['separate_positions'][sent_idx] + sent_output['all_separate_position_preds'] = ent_outputs['all_separate_position_preds'][sent_idx] + sent_output['all_ent_preds'] = ent_outputs['all_ent_preds'][sent_idx] + sent_output['all_rel_preds'] = ent_outputs['all_rel_preds'][sent_idx] + batch_outputs.append(sent_output) + return batch_outputs + + return ent_outputs['element_loss'], ent_outputs['symmetric_loss'] + + +def test(cfg, dataset, ent_model, rel_model): + logger.info("Testing starting...") + ent_model.zero_grad() + rel_model.zero_grad() + + all_outputs = [] + for idx, batch in dataset.get_batch('test', cfg.test_batch_size, None): + print("Processed batch {}".format(idx)) + ent_model.eval() + rel_model.eval() + with torch.no_grad(): + batch_outputs = step(cfg, ent_model, rel_model, batch, dataset.vocab, cfg.device) + all_outputs.extend(batch_outputs) + + test_output_file = os.path.join(cfg.save_dir, "output_extractions.txt") + print_extractions_allennlp_format(cfg, all_outputs, test_output_file, dataset.vocab) + print("Extraction process completed") + print('Saved extractions to "{}"'.format(test_output_file)) + + +def main(): + # config settings + parser = ConfigurationParer() + parser.add_save_cfgs() + parser.add_data_cfgs() + parser.add_model_cfgs() + parser.add_optimizer_cfgs() + parser.add_run_cfgs() + + cfg = parser.parse_args() + logger.info(parser.format_values()) + + # set random seed + random.seed(cfg.seed) + torch.manual_seed(cfg.seed) + np.random.seed(cfg.seed) + if cfg.device > -1 and not torch.cuda.is_available(): + logger.error('config conflicts: no gpu available, use cpu for training.') + cfg.device = -1 + if cfg.device > -1: + torch.cuda.manual_seed(cfg.seed) + + # define fields + tokens = TokenField("tokens", "tokens", "tokens", True) + separate_positions = RawTokenField("separate_positions", "separate_positions") + span2ent = MapTokenField("span2ent", "ent_rel_id", "span2ent", False) + span2rel = MapTokenField("span2rel", "ent_rel_id", "span2rel", False) + entity_label_matrix = RawTokenField("entity_label_matrix", "entity_label_matrix") + relation_label_matrix = RawTokenField("relation_label_matrix", "relation_label_matrix") + joint_label_matrix = RawTokenField("joint_label_matrix", "joint_label_matrix") + wordpiece_tokens = TokenField("wordpiece_tokens", "wordpiece", "wordpiece_tokens", False) + wordpiece_tokens_index = RawTokenField("wordpiece_tokens_index", "wordpiece_tokens_index") + wordpiece_segment_ids = RawTokenField("wordpiece_segment_ids", "wordpiece_segment_ids") + fields = [tokens, separate_positions, span2ent, span2rel, entity_label_matrix, relation_label_matrix, joint_label_matrix] + + if cfg.embedding_model in ['bert', 'pretrained']: + fields.extend([wordpiece_tokens, wordpiece_tokens_index, wordpiece_segment_ids]) + + # define counter and vocabulary + counter = defaultdict(lambda: defaultdict(int)) + vocab_ent = Vocabulary() + + # define instance (data sets) + test_instance = Instance(fields) + + # define dataset reader + max_len = {'tokens': cfg.max_sent_len, 'wordpiece_tokens': cfg.max_wordpiece_len} + ent_rel_file = json.load(open(cfg.ent_rel_file, 'r', encoding='utf-8')) + rel_file = json.load(open(cfg.rel_file, 'r', encoding='utf-8')) + pretrained_vocab = {'ent_rel_id': ent_rel_file["id"]} + if cfg.embedding_model == 'bert': + tokenizer = BertTokenizer.from_pretrained(cfg.bert_model_name) + logger.info("Load bert tokenizer successfully.") + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + elif cfg.embedding_model == 'pretrained': + tokenizer = BertTokenizer.from_pretrained(cfg.pretrained_model_name) + logger.info("Load {} tokenizer successfully.".format(cfg.pretrained_model_name)) + pretrained_vocab['wordpiece'] = tokenizer.get_vocab() + oie_test_reader = OIE4ReaderForEntRelDecoding(cfg.test_file, False, max_len) + + # define dataset + oie_dataset = Dataset("OIE4") + oie_dataset.add_instance("test", test_instance, oie_test_reader, is_count=True, is_train=False) + + min_count = {"tokens": 1} + no_pad_namespace = ["ent_rel_id"] + no_unk_namespace = ["ent_rel_id"] + contain_pad_namespace = {"wordpiece": tokenizer.pad_token} + contain_unk_namespace = {"wordpiece": tokenizer.unk_token} + oie_dataset.build_dataset(vocab=vocab_ent, + counter=counter, + min_count=min_count, + pretrained_vocab=pretrained_vocab, + no_pad_namespace=no_pad_namespace, + no_unk_namespace=no_unk_namespace, + contain_pad_namespace=contain_pad_namespace, + contain_unk_namespace=contain_unk_namespace) + wo_padding_namespace = ["separate_positions", "span2ent", "span2rel"] + oie_dataset.set_wo_padding_namespace(wo_padding_namespace=wo_padding_namespace) + + vocab_ent = Vocabulary.load(cfg.constituent_vocab) + vocab_rel = Vocabulary.load(cfg.relation_vocab) + # separate models for constituent generation and linking + ent_model = EntRelJointDecoder(cfg=cfg, vocab=vocab_ent, ent_rel_file=ent_rel_file, rel_file=rel_file) + rel_model = RelDecoder(cfg=cfg, vocab=vocab_rel, ent_rel_file=rel_file) + + # main bert-based model + if os.path.exists(cfg.constituent_model_path): + state_dict = torch.load(open(cfg.constituent_model_path, 'rb'), map_location=lambda storage, loc: storage) + ent_model.load_state_dict(state_dict) + print("constituent model loaded") + else: + raise FileNotFoundError('Attempted to load the constituent extaction model "{}" but found no model by that name in the path specified.'.format(cfg.constituent_model_path)) + if os.path.exists(cfg.relation_model_path): + state_dict = torch.load(open(cfg.relation_model_path, 'rb'), map_location=lambda storage, loc: storage) + rel_model.load_state_dict(state_dict) + print("linking model loaded") + else: + raise FileNotFoundError('Attempted to load the constituent linking model "{}" but found no model by that name in the path specified.'.format(cfg.relation_model_path)) + logger.info("Loading best training models successfully for testing.") + + if cfg.device > -1: + ent_model.cuda(device=cfg.device) + rel_model.cuda(device=cfg.device) + + test(cfg, oie_dataset, ent_model, rel_model) + + +if __name__ == '__main__': + main() diff --git a/utils/__init__.py b/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/utils/argparse.py b/utils/argparse.py new file mode 100644 index 0000000000000000000000000000000000000000..e4d6bf8b1ef876f3f9eb705a002fc03868f880e1 --- /dev/null +++ b/utils/argparse.py @@ -0,0 +1,269 @@ +import os +import logging + +import configargparse + +from utils.logging_utils import init_logger +from utils.parse_action import StoreLoggingLevelAction + + +class ConfigurationParer(): + """This class defines customized configuration parser + """ + def __init__(self, + config_file_parser_class=configargparse.YAMLConfigFileParser, + formatter_class=configargparse.ArgumentDefaultsHelpFormatter, + **kwargs): + """This funtion decides config parser and formatter + + Keyword Arguments: + config_file_parser_class {configargparse.ConfigFileParser} -- config file parser (default: {configargparse.YAMLConfigFileParser}) + formatter_class {configargparse.ArgumentDefaultsHelpFormatter} -- config formatter (default: {configargparse.ArgumentDefaultsHelpFormatter}) + """ + + self.parser = configargparse.ArgumentParser(config_file_parser_class=config_file_parser_class, + formatter_class=formatter_class, + **kwargs) + + def add_save_cfgs(self): + """This function adds saving path arguments: config file, model file... + """ + + # config file configurations + group = self.parser.add_argument_group('Config-File') + group.add('-config_file', '--config_file', required=False, is_config_file_arg=True, help='config file path') + + # model file configurations + group = self.parser.add_argument_group('Model-File') + group.add('-save_dir', '--save_dir', type=str, required=True, help='directory for saving checkpoints.') + + def add_data_cfgs(self): + """This function adds dataset arguments: data file path... + """ + + self.parser.add('-data_dir', '--data_dir', type=str, required=True, help='dataset directory.') + self.parser.add('-train_file', '--train_file', type=str, required=False, help='train data file.') + self.parser.add('-dev_file', '--dev_file', type=str, required=False, help='dev data file.') + self.parser.add('-test_file', '--test_file', type=str, required=False, help='test data file.') + self.parser.add('-conjunctions_file', '--conjunctions_file', type=str, required=False, help='test conjunctions data file (produced by OpenIE6).') + self.parser.add('-ent_rel_file', '--ent_rel_file', type=str, required=False, help='entity and relation file.') + self.parser.add('-rel_file', '--rel_file', type=str, required=False, help='relation only file.') + self.parser.add('-max_sent_len', '--max_sent_len', type=int, default=200, help='max sentence length.') + self.parser.add('-max_wordpiece_len', '--max_wordpiece_len', type=int, default=512, help='max sentence length.') + self.parser.add('-test', '--test', action='store_true', help='testing mode') + + def add_model_cfgs(self): + """This function adds model (network) arguments: embedding, hidden unit... + """ + + # embedding configurations + group = self.parser.add_argument_group('Embedding') + group.add('-embedding_model', + '--embedding_model', + type=str, + choices=["bert", "pretrained"], + default="bert", + help='embedding model.') + group.add('-bert_model_name', '--bert_model_name', type=str, required=False, help='bert model name.') + group.add('-pretrained_model_name', + '--pretrained_model_name', + type=str, + required=False, + help='pretrained model name.') + group.add('-bert_output_size', '--bert_output_size', type=int, default=768, help='bert output size.') + group.add('-bert_dropout', '--bert_dropout', type=float, default=0.1, help='bert dropout rate.') + group.add('--fine_tune', '--fine_tune', action='store_true', help='fine-tune pretrained model.') + + # biaffine model + group = self.parser.add_argument_group('Biaffine') + group.add('-max_span_length', '--max_span_length', type=int, default=10, help='maximum span length.') + group.add('-mlp_hidden_size', '--mlp_hidden_size', type=int, default=768, help='mlp hidden units size.') + group.add('-dropout', '--dropout', type=float, default=0.5, help='dropout rate.') + group.add('-separate_threshold', + '--separate_threshold', + type=float, + default=1.07, + help='the threshold for separating spans.') + group.add('-logit_dropout', + '--logit_dropout', + type=float, + default=0.1, + help='logit dropout rate for robustness.') + + def add_optimizer_cfgs(self): + """This function adds optimizer arguments + """ + + # gradient strategy + self.parser.add('-gradient_clipping', + '--gradient_clipping', + type=float, + default=1.0, + help='gradient clipping threshold.') + + # learning rate + self.parser.add('--learning_rate', + '-learning_rate', + type=float, + default=3e-5, + help="Starting learning rate. " + "Recommended settings: sgd = 1, adagrad = 0.1, " + "adadelta = 1, adam = 0.001") + self.parser.add('--bert_learning_rate', + '-bert_learning_rate', + type=float, + default=3e-5, + help="learning rate for bert, should be smaller than followed parts.") + self.parser.add('-lr_decay_rate', + '--lr_decay_rate', + type=float, + default=0.9, + help='learn rate of layers decay rate.') + + # Adam configurations + group = self.parser.add_argument_group('Adam') + group.add('-adam_beta1', + '--adam_beta1', + type=float, + default=0.9, + help="The beta1 parameter used by Adam. " + "Almost without exception a value of 0.9 is used in " + "the literature, seemingly giving good results, " + "so we would discourage changing this value from " + "the default without due consideration.") + group.add('-adam_beta2', + '--adam_beta2', + type=float, + default=0.999, + help='The beta2 parameter used by Adam. ' + 'Typically a value of 0.999 is recommended, as this is ' + 'the value suggested by the original paper describing ' + 'Adam, and is also the value adopted in other frameworks ' + 'such as Tensorflow and Kerras, i.e. see: ' + 'https://www.tensorflow.org/api_docs/python/tf/train/Adam' + 'Optimizer or ' + 'https://keras.io/optimizers/ . ' + 'Whereas recently the paper "Attention is All You Need" ' + 'suggested a value of 0.98 for beta2, this parameter may ' + 'not work well for normal models / default ' + 'baselines.') + group.add('-adam_epsilon', '--adam_epsilon', type=float, default=1e-6, help='adam epsilon') + group.add('-adam_weight_decay_rate', + '--adam_weight_decay_rate', + type=float, + default=0.0, + help='adam weight decay rate.') + group.add('-adam_bert_weight_decay_rate', + '--adam_bert_weight_decay_rate', + type=float, + default=0.0, + help='adam weight decay rate of Bert module.') + + def add_run_cfgs(self): + """This function adds running arguments + """ + + # training configurations + group = self.parser.add_argument_group('Training') + group.add('-seed', '--seed', type=int, default=5216, help='radom seed.') + group.add('-epochs', '--epochs', type=int, default=1000, help='training epochs.') + group.add('-pretrain_epochs', '--pretrain_epochs', type=int, default=0, help='pretrain epochs.') + group.add('-warmup_rate', '--warmup_rate', type=float, default=0.0, help='warmup rate.') + group.add('-early_stop', '--early_stop', type=int, default=50, help='early stop threshold.') + group.add('-train_batch_size', '--train_batch_size', type=int, default=200, help='batch size during training.') + group.add('-gradient_accumulation_steps', + '--gradient_accumulation_steps', + type=int, + default=1, + help='Number of updates steps to accumulate before performing a backward/update pass.') + + # testing configurations + group = self.parser.add_argument_group('Testing') + group.add('-test_batch_size', '--test_batch_size', type=int, default=100, help='batch size during testing.') + group.add('-validate_every', + '--validate_every', + type=int, + default=20000, + help='output result every n samples during validating.') + + # gpu configurations + group = self.parser.add_argument_group('GPU') + group.add('-device', + '--device', + type=int, + default=-1, + help='cpu: device = -1, gpu: gpu device id(device >= 0).') + + # logging configurations + group = self.parser.add_argument_group('logging') + group.add('-root_log_level', + '--root_log_level', + type=str, + action=StoreLoggingLevelAction, + choices=StoreLoggingLevelAction.CHOICES, + default="DEBUG", + help='root logging out level.') + group.add('-console_log_level', + '--console_log_level', + type=str, + action=StoreLoggingLevelAction, + choices=StoreLoggingLevelAction.CHOICES, + default="NOTSET", + help='console logging output level.') + group.add('-log_file', '--log_file', type=str, required=True, help='logging file during running.') + group.add('-file_log_level', + '--file_log_level', + type=str, + action=StoreLoggingLevelAction, + choices=StoreLoggingLevelAction.CHOICES, + default="NOTSET", + help='file logging output level.') + group.add('-logging_steps', '--logging_steps', type=int, default=10, help='Logging every N update steps.') + + def parse_args(self): + """This function parses arguments and initializes logger + + Returns: + dict -- config arguments + """ + + cfg = self.parser.parse_args() + + if not os.path.exists(cfg.save_dir): + os.makedirs(cfg.save_dir) + + cfg.last_model_path = os.path.join(cfg.save_dir, 'last_model') + cfg.models = os.path.join(cfg.save_dir, 'models') + cfg.constituent_model_dir = os.path.join(cfg.models, 'constituent') + cfg.relation_model_dir = os.path.join(cfg.models, 'relation') + + cfg.constituent_vocab = os.path.join(cfg.constituent_model_dir, "vocabulary.pickle") + cfg.relation_vocab = os.path.join(cfg.relation_model_dir, "vocabulary.pickle") + cfg.constituent_model_path = os.path.join(cfg.constituent_model_dir, 'ce_model') + cfg.relation_model_path = os.path.join(cfg.relation_model_dir, 'cl_model') + + if "carb" in cfg.test_file: + cfg.separate_threshold = 1.25 + cfg.carb = True + if "wire57" in cfg.test_file: + cfg.separate_threshold = 1.05 + cfg.wire57 = True + + assert os.path.exists(cfg.data_dir), f"dataset directory {cfg.data_dir} not exists !!!" + for file in ['train_file', 'dev_file', 'test_file']: + if getattr(cfg, file, None) is not None: + setattr(cfg, file, os.path.join(cfg.data_dir, getattr(cfg, file, None))) + + if getattr(cfg, 'log_file', None) is not None: + cfg.log_file = os.path.join(cfg.save_dir, cfg.log_file) + assert not os.path.exists(cfg.log_file), f"log file {cfg.log_file} exists !!!" + + init_logger(root_log_level=getattr(cfg, 'root_log_level', logging.DEBUG), + console_log_level=getattr(cfg, 'console_log_level', logging.NOTSET), + log_file=getattr(cfg, 'log_file', None), + log_file_level=getattr(cfg, 'log_file_level', logging.NOTSET)) + + return cfg + + def format_values(self): + return self.parser.format_values() diff --git a/utils/entity_chunking.py b/utils/entity_chunking.py new file mode 100644 index 0000000000000000000000000000000000000000..18ee223b0dd3b7219b12e12dc1168699b25fdbf4 --- /dev/null +++ b/utils/entity_chunking.py @@ -0,0 +1,89 @@ +import re +from collections import defaultdict + + +def parse_entity_label(entity_label): + """This function parses entity label string + + Arguments: + entity_label {str} -- entity label string + + Returns: + tuple -- (chunk_tag, chunk_type) + """ + + res = re.match(r'^([^-]*)-(.*)$', entity_label) + return res.groups() if res else (entity_label, '') + + +def start_of_chunk(pre_chunk_tag, pre_chunk_type, cur_chunk_tag, cur_chunk_type): + """This function judges whether the start of chunk + + Arguments: + pre_chunk_tag {str} -- previous chunk tag + pre_chunk_type {str} -- previous chunk type + cur_chunk_tag {str} -- current chunk tag + cur_chunk_type {str} -- current chunk type + + Returns: + bool -- the chunk is starting or not + """ + + # `O` must not be starting chunk + if cur_chunk_tag == 'O': + return False + + # type of two consecutive chunks are different, current chunk must be starting chunk + if cur_chunk_type != pre_chunk_type: + return True + + # `B` and `U` must be starting chunk + if cur_chunk_tag == 'B' or cur_chunk_tag == 'U': + return True + + # before `I` and `E` must be `B` or `I` + if cur_chunk_tag == 'I' or cur_chunk_tag == 'E': + if pre_chunk_tag == 'E' or pre_chunk_tag == 'O' or pre_chunk_tag == 'U': + return True + + return False + + +def get_entity_span(entity_labels): + """This function gets entity span + + Arguments: + entity_labels {list} -- entity labels + + Returns: + dict -- entity span index dict + """ + + pre_chunk_tag = 'O' + pre_chunk_type = '' + chunk_list = [] + span2ent = defaultdict(str) + + for idx, entity_label in enumerate(entity_labels): + cur_chunk_tag, cur_chunk_type = parse_entity_label(entity_label) + is_start = start_of_chunk(pre_chunk_tag, pre_chunk_type, cur_chunk_tag, cur_chunk_type) + + if is_start: + if chunk_list: + span2ent[(chunk_list[1], chunk_list[-1] + 1)] = chunk_list[0] + chunk_list = [cur_chunk_type, idx] + elif chunk_list and cur_chunk_type == chunk_list[0]: + chunk_list.append(idx) + + pre_chunk_tag = cur_chunk_tag + pre_chunk_type = cur_chunk_type + + if chunk_list: + span2ent[(chunk_list[1], chunk_list[-1] + 1)] = chunk_list[0] + + return span2ent + + +if __name__ == '__main__': + span2ent = get_entity_span(['B-1', 'I-1', 'U-1', 'E-1', 'I-1', 'O', 'B-1', 'O', 'O', 'U-3', 'E-2', 'O', 'I-1']) + assert span2ent == {(0, 2): '1', (2, 3): '1', (3, 4): '1', (4, 5): '1', (6, 7): '1', (9, 10): '3', (10, 11): '2', (12, 13): '1'} diff --git a/utils/eval.py b/utils/eval.py new file mode 100644 index 0000000000000000000000000000000000000000..0079556ea73ecb1401db9c90120ec4f5e03ab904 --- /dev/null +++ b/utils/eval.py @@ -0,0 +1,277 @@ +from collections import defaultdict +import logging +import sys + +logger = logging.getLogger(__name__) + + +class EvalCounts(): + """This class is evaluating counters + """ + def __init__(self): + self.pred_correct_cnt = 0 + self.correct_cnt = 0 + self.pred_cnt = 0 + + self.pred_correct_types_cnt = defaultdict(int) + self.correct_types_cnt = defaultdict(int) + self.pred_types_cnt = defaultdict(int) + + +def eval_file(file_path, eval_metrics): + """eval_file evaluates results file + + Args: + file_path (str): file path + eval_metrics (list): eval metrics + + Returns: + tuple: results + """ + + with open(file_path, 'r') as fin: + sents = [] + metric2labels = { + 'token': ['Sequence-Label-True', 'Sequence-Label-Pred'], + 'joint-label': ['Joint-Label-True', 'Joint-Label-Pred'], + 'separate-position': ['Separate-Position-True', 'Separate-Position-Pred'], + 'span': ['Ent-Span-Pred'], + 'ent': ['Ent-True', 'Ent-Pred'], + 'rel': ['Rel-True', 'Rel-Pred'], + 'exact-rel': ['Rel-True', 'Rel-Pred'] + } + labels = set() + for metric in eval_metrics: + labels.update(metric2labels[metric]) + label2idx = {label: idx for idx, label in enumerate(labels)} + sent = [[] for _ in range(len(labels))] + for line in fin: + line = line.strip('\r\n') + if line == "": + sents.append(sent) + sent = [[] for _ in range(len(labels))] + else: + words = line.split('\t') + if words[0] in ['Sequence-Label-True', 'Sequence-Label-Pred', 'Joint-Label-True', 'Joint-Label-Pred']: + sent[label2idx[words[0]]].extend(words[1].split(' ')) + elif words[0] in ['Separate-Position-True', 'Separate-Position-Pred']: + sent[label2idx[words[0]]].append(words[1].split(' ')) + elif words[0] in ['Ent-Span-Pred']: + sent[label2idx[words[0]]].append(eval(words[1])) + elif words[0] in ['Ent-True', 'Ent-Pred']: + sent[label2idx[words[0]]].append([words[1], eval(words[2])]) + elif words[0] in ['Rel-True', 'Rel-Pred']: + sent[label2idx[words[0]]].append([words[1], eval(words[2]), eval(words[3])]) + sents.append(sent) + + counts = {metric: EvalCounts() for metric in eval_metrics} + + for sent in sents: + evaluate(sent, counts, label2idx) + + results = [] + + logger.info("-" * 22 + "START" + "-" * 23) + + for metric, count in counts.items(): + left_offset = (50 - len(metric)) // 2 + logger.info("-" * left_offset + metric + "-" * (50 - left_offset - len(metric))) + score = report(count) + results += [score] + + logger.info("-" * 23 + "END" + "-" * 24) + + return results + + +def evaluate(sent, counts, label2idx): + """evaluate calculates counters + + Arguments: + sent {list} -- line + + Args: + sent (list): line + counts (dict): counts + label2idx (dict): label -> idx dict + """ + + # evaluate token + if 'token' in counts: + for token1, token2 in zip(sent[label2idx['Sequence-Label-True']], sent[label2idx['Sequence-Label-Pred']]): + if token1 != 'O': + counts['token'].correct_cnt += 1 + counts['token'].correct_types_cnt[token1] += 1 + counts['token'].pred_correct_types_cnt[token1] += 0 + if token2 != 'O': + counts['token'].pred_cnt += 1 + counts['token'].pred_types_cnt[token2] += 1 + counts['token'].pred_correct_types_cnt[token2] += 0 + if token1 == token2 and token1 != 'O': + counts['token'].pred_correct_cnt += 1 + counts['token'].pred_correct_types_cnt[token1] += 1 + + # evaluate joint label + if 'joint-label' in counts: + for label1, label2 in zip(sent[label2idx['Joint-Label-True']], sent[label2idx['Joint-Label-Pred']]): + if label1 != 'None': + counts['joint-label'].correct_cnt += 1 + counts['joint-label'].correct_types_cnt['Arc'] += 1 + counts['joint-label'].correct_types_cnt[label1] += 1 + counts['joint-label'].pred_correct_types_cnt[label1] += 0 + if label2 != 'None': + counts['joint-label'].pred_cnt += 1 + counts['joint-label'].pred_types_cnt['Arc'] += 1 + counts['joint-label'].pred_types_cnt[label2] += 1 + counts['joint-label'].pred_correct_types_cnt[label2] += 0 + if label1 != 'None' and label2 != 'None': + counts['joint-label'].pred_correct_types_cnt['Arc'] += 1 + if label1 == label2 and label1 != 'None': + counts['joint-label'].pred_correct_cnt += 1 + counts['joint-label'].pred_correct_types_cnt[label1] += 1 + + # evaluate separate position + if 'separate-position' in counts: + for positions1, positions2 in zip(sent[label2idx['Separate-Position-True']], + sent[label2idx['Separate-Position-Pred']]): + counts['separate-position'].correct_cnt += len(positions1) + counts['separate-position'].pred_cnt += len(positions2) + counts['separate-position'].pred_correct_cnt += len(set(positions1) & set(positions2)) + + # evaluate span & entity + correct_ent2idx = defaultdict(set) + correct_span2ent = dict() + correct_span = set() + for ent, span in sent[label2idx['Ent-True']]: + correct_span.add(span) + correct_span2ent[span] = ent + correct_ent2idx[ent].add(span) + + pred_ent2idx = defaultdict(set) + pred_span2ent = dict() + for ent, span in sent[label2idx['Ent-Pred']]: + pred_span2ent[span] = ent + pred_ent2idx[ent].add(span) + + if 'span' in counts: + pred_span = set(sent[label2idx['Ent-Span-Pred']]) + counts['span'].correct_cnt += len(correct_span) + counts['span'].pred_cnt += len(pred_span) + counts['span'].pred_correct_cnt += len(correct_span & pred_span) + + if 'ent' in counts: + # TODO this part should change! if a noncontinuous entity is subset of another nc entity SCORE! + all_ents = set(correct_ent2idx) | set(pred_ent2idx) + for ent in all_ents: + counts['ent'].correct_cnt += len(correct_ent2idx[ent]) + counts['ent'].correct_types_cnt[ent] += len(correct_ent2idx[ent]) + counts['ent'].pred_cnt += len(pred_ent2idx[ent]) + counts['ent'].pred_types_cnt[ent] += len(pred_ent2idx[ent]) + pred_correct_cnt = len(correct_ent2idx[ent] & pred_ent2idx[ent]) + counts['ent'].pred_correct_cnt += pred_correct_cnt + counts['ent'].pred_correct_types_cnt[ent] += pred_correct_cnt + + # evaluate relation + if 'rel' in counts: + correct_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-True']]: + if span1 not in correct_span2ent or span2 not in correct_span2ent: + continue + correct_rel2idx[rel].add((span1, span2)) + + pred_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-Pred']]: + if span1 not in pred_span2ent or span2 not in pred_span2ent: + continue + pred_rel2idx[rel].add((span1, span2)) + + all_rels = set(correct_rel2idx) | set(pred_rel2idx) + for rel in all_rels: + counts['rel'].correct_cnt += len(correct_rel2idx[rel]) + counts['rel'].correct_types_cnt[rel] += len(correct_rel2idx[rel]) + counts['rel'].pred_cnt += len(pred_rel2idx[rel]) + counts['rel'].pred_types_cnt[rel] += len(pred_rel2idx[rel]) + pred_correct_rel_cnt = len(correct_rel2idx[rel] & pred_rel2idx[rel]) + counts['rel'].pred_correct_cnt += pred_correct_rel_cnt + counts['rel'].pred_correct_types_cnt[rel] += pred_correct_rel_cnt + + # exact relation evaluation + if 'exact-rel' in counts: + exact_correct_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-True']]: + if span1 not in correct_span2ent or span2 not in correct_span2ent: + continue + exact_correct_rel2idx[rel].add((span1, correct_span2ent[span1], span2, correct_span2ent[span2])) + + exact_pred_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-Pred']]: + if span1 not in pred_span2ent or span2 not in pred_span2ent: + continue + exact_pred_rel2idx[rel].add((span1, pred_span2ent[span1], span2, pred_span2ent[span2])) + + all_exact_rels = set(exact_correct_rel2idx) | set(exact_pred_rel2idx) + for rel in all_exact_rels: + counts['exact-rel'].correct_cnt += len(exact_correct_rel2idx[rel]) + counts['exact-rel'].correct_types_cnt[rel] += len(exact_correct_rel2idx[rel]) + counts['exact-rel'].pred_cnt += len(exact_pred_rel2idx[rel]) + counts['exact-rel'].pred_types_cnt[rel] += len(exact_pred_rel2idx[rel]) + exact_pred_correct_rel_cnt = len(exact_correct_rel2idx[rel] & exact_pred_rel2idx[rel]) + counts['exact-rel'].pred_correct_cnt += exact_pred_correct_rel_cnt + counts['exact-rel'].pred_correct_types_cnt[rel] += exact_pred_correct_rel_cnt + + +def report(counts): + """This function print evaluation results + + Arguments: + counts {dict} -- counters + + Returns: + float -- f1 score + """ + + p, r, f = calculate_metrics(counts.pred_correct_cnt, counts.pred_cnt, counts.correct_cnt) + logger.info("truth cnt: {} pred cnt: {} correct cnt: {}".format(counts.correct_cnt, counts.pred_cnt, + counts.pred_correct_cnt)) + logger.info("precision: {:6.2f}%".format(100 * p)) + logger.info("recall: {:6.2f}%".format(100 * r)) + logger.info("f1: {:6.2f}%".format(100 * f)) + + score = f + + for type in counts.pred_correct_types_cnt: + p, r, f = calculate_metrics(counts.pred_correct_types_cnt[type], counts.pred_types_cnt[type], + counts.correct_types_cnt[type]) + logger.info("-" * 50) + logger.info("type: {}".format(type)) + logger.info("truth cnt: {} pred cnt: {} correct cnt: {}".format(counts.correct_types_cnt[type], + counts.pred_types_cnt[type], + counts.pred_correct_types_cnt[type])) + logger.info("precision: {:6.2f}%".format(100 * p)) + logger.info("recall: {:6.2f}%".format(100 * r)) + logger.info("f1: {:6.2f}%".format(100 * f)) + + return score + + +def calculate_metrics(pred_correct_cnt, pred_cnt, correct_cnt): + """This function calculation metrics: precision, recall, f1-score + + Arguments: + pred_correct_cnt {int} -- the number of corrected prediction + pred_cnt {int} -- the number of prediction + correct_cnt {int} -- the numbert of truth + + Returns: + tuple -- precision, recall, f1-score + """ + + tp, fp, fn = pred_correct_cnt, pred_cnt - pred_correct_cnt, correct_cnt - pred_correct_cnt + p = 0 if tp + fp == 0 else (tp / (tp + fp)) + r = 0 if tp + fn == 0 else (tp / (tp + fn)) + f = 0 if p + r == 0 else (2 * p * r / (p + r)) + return p, r, f + + +if __name__ == '__main__': + eval_file(sys.argv[1]) diff --git a/utils/eval_ent_rel.py b/utils/eval_ent_rel.py new file mode 100644 index 0000000000000000000000000000000000000000..4161769ad4f8a790fb48f69cf3ba58f1c0f1e842 --- /dev/null +++ b/utils/eval_ent_rel.py @@ -0,0 +1,272 @@ +from collections import defaultdict +import logging +import sys + +logger = logging.getLogger(__name__) + + +class EvalCounts(): + """This class is evaluating counters + """ + def __init__(self): + self.pred_correct_cnt = 0 + self.correct_cnt = 0 + self.pred_cnt = 0 + + self.pred_correct_types_cnt = defaultdict(int) + self.correct_types_cnt = defaultdict(int) + self.pred_types_cnt = defaultdict(int) + + +def eval_file(file_path, eval_metrics): + """eval_file evaluates results file + + Args: + file_path (str): file path + eval_metrics (list): eval metrics + + Returns: + tuple: results + """ + + with open(file_path, 'r') as fin: + sents = [] + metric2labels = { + 'token': ['Sequence-Label-True', 'Sequence-Label-Pred'], + 'ent-label': ['Ent-Label-True', 'Ent-Label-Pred'], + 'rel-label': ['Rel-Label-True', 'Rel-Label-Pred'], + 'separate-position': ['Separate-Position-True', 'Separate-Position-Pred'], + 'span': ['Ent-Span-Pred'], + 'ent': ['Ent-True', 'Ent-Pred'], + 'rel': ['Rel-True', 'Rel-Pred'], + 'exact-rel': ['Rel-True', 'Rel-Pred'] + } + labels = set() + for metric in eval_metrics: + labels.update(metric2labels[metric]) + label2idx = {label: idx for idx, label in enumerate(labels)} + sent = [[] for _ in range(len(labels))] + for line in fin: + line = line.strip('\r\n') + if line == "": + sents.append(sent) + sent = [[] for _ in range(len(labels))] + else: + words = line.split('\t') + if words[0] in ['Ent-Label-True', 'Ent-Label-Pred', 'Rel-Label-True', 'Rel-Label-Pred']: + sent[label2idx[words[0]]].extend(words[1].split(' ')) + elif words[0] in ['Separate-Position-True', 'Separate-Position-Pred']: + sent[label2idx[words[0]]].append(words[1].split(' ')) + elif words[0] in ['Ent-Span-Pred']: + sent[label2idx[words[0]]].append(eval(words[1])) + elif words[0] in ['Ent-True', 'Ent-Pred']: + sent[label2idx[words[0]]].append([words[1], eval(words[2])]) + elif words[0] in ['Rel-True', 'Rel-Pred']: + sent[label2idx[words[0]]].append([words[1], eval(words[2]), eval(words[3])]) + sents.append(sent) + + counts = {metric: EvalCounts() for metric in eval_metrics} + + for sent in sents: + evaluate(sent, counts, label2idx) + + results = [] + + logger.info("-" * 22 + "START" + "-" * 23) + + for metric, count in counts.items(): + left_offset = (50 - len(metric)) // 2 + logger.info("-" * left_offset + metric + "-" * (50 - left_offset - len(metric))) + score = report(count) + results += [score] + + logger.info("-" * 23 + "END" + "-" * 24) + + return results + + +def evaluate(sent, counts, label2idx): + """evaluate calculates counters + + Arguments: + sent {list} -- line + + Args: + sent (list): line + counts (dict): counts + label2idx (dict): label -> idx dict + """ + + # evaluate token + if 'token' in counts: + for token1, token2 in zip(sent[label2idx['Sequence-Label-True']], sent[label2idx['Sequence-Label-Pred']]): + if token1 != 'O': + counts['token'].correct_cnt += 1 + counts['token'].correct_types_cnt[token1] += 1 + counts['token'].pred_correct_types_cnt[token1] += 0 + if token2 != 'O': + counts['token'].pred_cnt += 1 + counts['token'].pred_types_cnt[token2] += 1 + counts['token'].pred_correct_types_cnt[token2] += 0 + if token1 == token2 and token1 != 'O': + counts['token'].pred_correct_cnt += 1 + counts['token'].pred_correct_types_cnt[token1] += 1 + + # evaluate ent label + if 'ent-label' in counts: + for label1, label2 in zip(sent[label2idx['Ent-Label-True']], sent[label2idx['Ent-Label-Pred']]): + if label1 != 'None': + counts['ent-label'].correct_cnt += 1 + counts['ent-label'].correct_types_cnt['Arc'] += 1 + counts['ent-label'].correct_types_cnt[label1] += 1 + counts['ent-label'].pred_correct_types_cnt[label1] += 0 + if label2 != 'None': + counts['ent-label'].pred_cnt += 1 + counts['ent-label'].pred_types_cnt['Arc'] += 1 + counts['ent-label'].pred_types_cnt[label2] += 1 + counts['ent-label'].pred_correct_types_cnt[label2] += 0 + if label1 != 'None' and label2 != 'None': + counts['ent-label'].pred_correct_types_cnt['Arc'] += 1 + if label1 == label2 and label1 != 'None': + counts['ent-label'].pred_correct_cnt += 1 + counts['ent-label'].pred_correct_types_cnt[label1] += 1 + + # evaluate separate position + if 'separate-position' in counts: + for positions1, positions2 in zip(sent[label2idx['Separate-Position-True']], + sent[label2idx['Separate-Position-Pred']]): + counts['separate-position'].correct_cnt += len(positions1) + counts['separate-position'].pred_cnt += len(positions2) + counts['separate-position'].pred_correct_cnt += len(set(positions1) & set(positions2)) + + # evaluate span & entity + correct_ent2idx = defaultdict(set) + correct_span2ent = dict() + correct_span = set() + for ent, span in sent[label2idx['Ent-True']]: + correct_span.add(span) + correct_span2ent[span] = ent + correct_ent2idx[ent].add(span) + + pred_ent2idx = defaultdict(set) + pred_span2ent = dict() + for ent, span in sent[label2idx['Ent-Pred']]: + pred_span2ent[span] = ent + pred_ent2idx[ent].add(span) + + if 'span' in counts: + pred_span = set(sent[label2idx['Ent-Span-Pred']]) + counts['span'].correct_cnt += len(correct_span) + counts['span'].pred_cnt += len(pred_span) + counts['span'].pred_correct_cnt += len(correct_span & pred_span) + + if 'ent' in counts: + # TODO this part should change! if a noncontinuous entity is subset of another nc entity SCORE! + all_ents = set(correct_ent2idx) | set(pred_ent2idx) + for ent in all_ents: + counts['ent'].correct_cnt += len(correct_ent2idx[ent]) + counts['ent'].correct_types_cnt[ent] += len(correct_ent2idx[ent]) + counts['ent'].pred_cnt += len(pred_ent2idx[ent]) + counts['ent'].pred_types_cnt[ent] += len(pred_ent2idx[ent]) + pred_correct_cnt = len(correct_ent2idx[ent] & pred_ent2idx[ent]) + counts['ent'].pred_correct_cnt += pred_correct_cnt + counts['ent'].pred_correct_types_cnt[ent] += pred_correct_cnt + + # evaluate rel label + if 'rel-label' in counts: + for label1, label2 in zip(sent[label2idx['Rel-Label-True']], sent[label2idx['Rel-Label-Pred']]): + if label1 != 'None': + counts['rel-label'].correct_cnt += 1 + counts['rel-label'].correct_types_cnt['Arc'] += 1 + counts['rel-label'].correct_types_cnt[label1] += 1 + counts['rel-label'].pred_correct_types_cnt[label1] += 0 + if label2 != 'None': + counts['rel-label'].pred_cnt += 1 + counts['rel-label'].pred_types_cnt['Arc'] += 1 + counts['rel-label'].pred_types_cnt[label2] += 1 + counts['rel-label'].pred_correct_types_cnt[label2] += 0 + if label1 != 'None' and label2 != 'None': + counts['rel-label'].pred_correct_types_cnt['Arc'] += 1 + if label1 == label2 and label1 != 'None': + counts['rel-label'].pred_correct_cnt += 1 + counts['rel-label'].pred_correct_types_cnt[label1] += 1 + + # exact relation evaluation + if 'exact-rel' in counts: + exact_correct_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-True']]: + if span1 not in correct_span2ent or span2 not in correct_span2ent: + continue + exact_correct_rel2idx[rel].add((span1, correct_span2ent[span1], span2, correct_span2ent[span2])) + + exact_pred_rel2idx = defaultdict(set) + for rel, span1, span2 in sent[label2idx['Rel-Pred']]: + if span1 not in pred_span2ent or span2 not in pred_span2ent: + continue + exact_pred_rel2idx[rel].add((span1, pred_span2ent[span1], span2, pred_span2ent[span2])) + + all_exact_rels = set(exact_correct_rel2idx) | set(exact_pred_rel2idx) + for rel in all_exact_rels: + counts['exact-rel'].correct_cnt += len(exact_correct_rel2idx[rel]) + counts['exact-rel'].correct_types_cnt[rel] += len(exact_correct_rel2idx[rel]) + counts['exact-rel'].pred_cnt += len(exact_pred_rel2idx[rel]) + counts['exact-rel'].pred_types_cnt[rel] += len(exact_pred_rel2idx[rel]) + exact_pred_correct_rel_cnt = len(exact_correct_rel2idx[rel] & exact_pred_rel2idx[rel]) + counts['exact-rel'].pred_correct_cnt += exact_pred_correct_rel_cnt + counts['exact-rel'].pred_correct_types_cnt[rel] += exact_pred_correct_rel_cnt + +def report(counts): + """This function print evaluation results + + Arguments: + counts {dict} -- counters + + Returns: + float -- f1 score + """ + + p, r, f = calculate_metrics(counts.pred_correct_cnt, counts.pred_cnt, counts.correct_cnt) + logger.info("truth cnt: {} pred cnt: {} correct cnt: {}".format(counts.correct_cnt, counts.pred_cnt, + counts.pred_correct_cnt)) + logger.info("precision: {:6.2f}%".format(100 * p)) + logger.info("recall: {:6.2f}%".format(100 * r)) + logger.info("f1: {:6.2f}%".format(100 * f)) + + score = f + + for type in counts.pred_correct_types_cnt: + p, r, f = calculate_metrics(counts.pred_correct_types_cnt[type], counts.pred_types_cnt[type], + counts.correct_types_cnt[type]) + logger.info("-" * 50) + logger.info("type: {}".format(type)) + logger.info("truth cnt: {} pred cnt: {} correct cnt: {}".format(counts.correct_types_cnt[type], + counts.pred_types_cnt[type], + counts.pred_correct_types_cnt[type])) + logger.info("precision: {:6.2f}%".format(100 * p)) + logger.info("recall: {:6.2f}%".format(100 * r)) + logger.info("f1: {:6.2f}%".format(100 * f)) + + return score + + +def calculate_metrics(pred_correct_cnt, pred_cnt, correct_cnt): + """This function calculation metrics: precision, recall, f1-score + + Arguments: + pred_correct_cnt {int} -- the number of corrected prediction + pred_cnt {int} -- the number of prediction + correct_cnt {int} -- the numbert of truth + + Returns: + tuple -- precision, recall, f1-score + """ + + tp, fp, fn = pred_correct_cnt, pred_cnt - pred_correct_cnt, correct_cnt - pred_correct_cnt + p = 0 if tp + fp == 0 else (tp / (tp + fp)) + r = 0 if tp + fn == 0 else (tp / (tp + fn)) + f = 0 if p + r == 0 else (2 * p * r / (p + r)) + return p, r, f + + +if __name__ == '__main__': + eval_file(sys.argv[1]) diff --git a/utils/logging_utils.py b/utils/logging_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..53a115f03b5884d95816ec10620525271de87bca --- /dev/null +++ b/utils/logging_utils.py @@ -0,0 +1,37 @@ +import logging +import os + + +def init_logger( + root_log_level=logging.DEBUG, + console_log_level=logging.NOTSET, + log_file=None, + log_file_level=logging.NOTSET): + """This funtion initializes a customized logger + + Keyword Arguments: + root_log_level {int} -- root logging level (default: {logging.DEBUG}) + console_log_level {int} -- console logging level (default: {logging.NOTSET}) + log_file {str} -- logging file path (default: {None}) + log_file_level {int} -- logging file level (default: {logging.NOTSET}) + """ + + log_format = logging.Formatter("[%(asctime)s - %(filename)s - line:%(lineno)d - %(levelname)s]: %(message)s") + handlers = [] + + console_handler = logging.StreamHandler() + console_handler.setLevel(console_log_level) + console_handler.setFormatter(log_format) + handlers.append(console_handler) + + if log_file is not None and log_file != '': + if os.path.exists(log_file): + os.remove(log_file) + elif not os.path.exists(os.path.dirname(log_file)): + os.makedirs(os.path.dirname(log_file)) + file_handler = logging.FileHandler(log_file) + file_handler.setLevel(log_file_level) + file_handler.setFormatter(log_format) + handlers.append(file_handler) + + logging.basicConfig(level=root_log_level, handlers=handlers) diff --git a/utils/nn_utils.py b/utils/nn_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..f299c46f5d5183023d3b77d48f3b08944f332802 --- /dev/null +++ b/utils/nn_utils.py @@ -0,0 +1,420 @@ +import functools +import logging + +import torch +import torch.nn.functional as F +import math +import numpy as np + +logger = logging.getLogger(__name__) + + +def get_device_of(tensor): + """This function returns the device of the tensor + refer to https://github.com/allenai/allennlp/blob/master/allennlp/nn/util.py + + Arguments: + tensor {tensor} -- tensor + + Returns: + int -- device + """ + + if not tensor.is_cuda: + return -1 + else: + return tensor.get_device() + + +def get_range_vector(size, device): + """This function returns a range vector with the desired size, starting at 0 + the CUDA implementation is meant to avoid copy data from CPU to GPU + refer to https://github.com/allenai/allennlp/blob/master/allennlp/nn/util.py + + Arguments: + size {int} -- the size of range + device {int} -- device + + Returns: + torch.Tensor -- range vector + """ + + if device > -1: + return torch.cuda.LongTensor(size, device=device).fill_(1).cumsum(0) - 1 + else: + return torch.arange(0, size, dtype=torch.long) + + +def flatten_and_batch_shift_indices(indices, sequence_length): + """This function returns a vector that correctly indexes into the flattened target, + the sequence length of the target must be provided to compute the appropriate offsets. + refer to https://github.com/allenai/allennlp/blob/master/allennlp/nn/util.py + + Arguments: + indices {tensor} -- index tensor + sequence_length {int} -- sequence length + + Returns: + tensor -- offset index tensor + """ + + # Shape: (batch_size) + if torch.max(indices) >= sequence_length or torch.min(indices) < 0: + raise RuntimeError("All elements in indices should be in range (0, {})".format(sequence_length - 1)) + offsets = get_range_vector(indices.size(0), get_device_of(indices)) * sequence_length + for _ in range(len(indices.size()) - 1): + offsets = offsets.unsqueeze(1) + + # Shape: (batch_size, d_1, ..., d_n) + offset_indices = indices + offsets + + # Shape: (batch_size * d_1 * ... * d_n) + offset_indices = offset_indices.view(-1) + return offset_indices + + +def batched_index_select(target, indices, flattened_indices=None): + """This function returns selected values in the target with respect to the provided indices, + which have size ``(batch_size, d_1, ..., d_n, embedding_size)`` + refer to https://github.com/allenai/allennlp/blob/master/allennlp/nn/util.py + + Arguments: + target {torch.Tensor} -- target tensor + indices {torch.LongTensor} -- index tensor + + Keyword Arguments: + flattened_indices {Optional[torch.LongTensor]} -- flattened index tensor (default: {None}) + + Returns: + torch.Tensor -- selected tensor + """ + + if flattened_indices is None: + # Shape: (batch_size * d_1 * ... * d_n) + flattened_indices = flatten_and_batch_shift_indices(indices, target.size(1)) + + # Shape: (batch_size * sequence_length, embedding_size) + flattened_target = target.view(-1, target.size(-1)) + + # Shape: (batch_size * d_1 * ... * d_n, embedding_size) + flattened_selected = flattened_target.index_select(0, flattened_indices) + selected_shape = list(indices.size()) + [target.size(-1)] + # Shape: (batch_size, d_1, ..., d_n, embedding_size) + selected_targets = flattened_selected.view(*selected_shape) + return selected_targets + + +def get_padding_vector(size, dtype, device): + """This function initializes padding unit + + Arguments: + size {int} -- padding unit size + dtype {torch.dtype} -- dtype + device {int} -- device = -1 if cpu, device >= 0 if gpu + + Returns: + tensor -- padding tensor + """ + + pad = torch.zeros(size, dtype=dtype) + if device > -1: + pad = pad.cuda(device=device, non_blocking=True) + return pad + + +def array2tensor(array, dtype, device): + """This function transforms numpy array to tensor + + Arguments: + array {numpy.array} -- numpy array + dtype {torch.dtype} -- torch dtype + device {int} -- device = -1 if cpu, device >= 0 if gpu + + Returns: + tensor -- tensor + """ + tensor = torch.as_tensor(array, dtype=dtype) + if device > -1: + tensor = tensor.cuda(device=device, non_blocking=True) + return tensor + + +def gelu(x): + """Implementation of the gelu activation function. + For information: OpenAI GPT's gelu is slightly different (and gives slightly different results): + 0.5 * x * (1 + torch.tanh(math.sqrt(2 / math.pi) * (x + 0.044715 * torch.pow(x, 3)))) + Also see https://arxiv.org/abs/1606.08415 + refer to: https://github.com/huggingface/pytorch-transformers/blob/master/pytorch_transformers/modeling_bert.py + """ + + return x * 0.5 * (1.0 + torch.erf(x / math.sqrt(2.0))) + + +def pad_vecs(vecs, padding_size, dtype, device): + """This function pads vectors for batch + + Arguments: + vecs {list} -- vector list + padding_size {int} -- padding dims + dtype {torch.dtype} -- dtype + device {int} -- device = -1 if cpu, device >= 0 if gpu + + Returns: + tensor -- padded vectors + """ + max_length = max(len(vec) for vec in vecs) + + if max_length == 0: + pad_vecs = torch.cat([get_padding_vector((1, padding_size), dtype, device).unsqueeze(0) for _ in vecs], 0) + return pad_vecs + + pad_vecs = [] + for vec in vecs: + pad_vec = torch.cat(vec + [get_padding_vector((1, padding_size), dtype, device)] * (max_length - len(vec)), + 0).unsqueeze(0) + + assert pad_vec.size() == (1, max_length, padding_size), "the size of pad vector is not correct" + + pad_vecs.append(pad_vec) + return torch.cat(pad_vecs, 0) + + +def get_bilstm_minus(batch_seq_encoder_repr, span_list, seq_lens): + """This function gets span representation using bilstm minus + + Arguments: + batch_seq_encoder_repr {list} -- batch sequence encoder representation + span_list {list} -- span list + seq_lens {list} -- sequence length list + + Returns: + tensor -- span representation vector + """ + + assert len(batch_seq_encoder_repr) == len( + span_list), "the length of batch seq encoder repr is not equal to span list's length" + + assert len(span_list) == len(seq_lens), "the length of span list is not equal to batch seq lens's length" + + hidden_size = batch_seq_encoder_repr.size(-1) + span_vecs = [] + for seq_encoder_repr, (s, e), seq_len in zip(batch_seq_encoder_repr, span_list, seq_lens): + rnn_output = seq_encoder_repr[:seq_len] + forward_rnn_output, backward_rnn_output = rnn_output.split(hidden_size // 2, 1) + forward_span_vec = get_forward_segment(forward_rnn_output, s, e, get_device_of(forward_rnn_output)) + backward_span_vec = get_backward_segment(backward_rnn_output, s, e, get_device_of(backward_rnn_output)) + span_vec = torch.cat([forward_span_vec, backward_span_vec], 0).unsqueeze(0) + span_vecs.append(span_vec) + return torch.cat(span_vecs, 0) + + +def get_forward_segment(forward_rnn_output, s, e, device): + """This function gets span representaion in forward rnn + + Arguments: + forward_rnn_output {tensor} -- forward rnn output + s {int} -- span start + e {int} -- span end + device {int} -- device + + Returns: + tensor -- span representaion vector + """ + + seq_len, hidden_size = forward_rnn_output.size() + if s >= e: + vec = torch.zeros(hidden_size, dtype=forward_rnn_output.dtype) + + if device > -1: + vec = vec.cuda(device=device, non_blocking=True) + return vec + + if s == 0: + return forward_rnn_output[e - 1] + return forward_rnn_output[e - 1] - forward_rnn_output[s - 1] + + +def get_backward_segment(backward_rnn_output, s, e, device): + """This function gets span representaion in backward rnn + + Arguments: + forward_rnn_output {tensor} -- backward rnn output + s {int} -- span start + e {int} -- span end + device {int} -- device + + Returns: + tensor -- span representaion vector + """ + + seq_len, hidden_size = backward_rnn_output.size() + if s >= e: + vec = torch.zeros(hidden_size, dtype=backward_rnn_output.dtype) + + if device > -1: + vec = vec.cuda(device=device, non_blocking=True) + return vec + + if e == seq_len: + return backward_rnn_output[s] + return backward_rnn_output[s] - backward_rnn_output[e] + + +def get_dist_vecs(span_list, max_sent_len, device): + """This function gets distance embedding + + Arguments: + span_list {list} -- span list + + Returns: + tensor -- distance embedding vector + """ + + dist_vecs = [] + for s, e in span_list: + assert s <= e, "span start is greater than end" + + vec = torch.Tensor(np.eye(max_sent_len)[e - s]) + if device > -1: + vec = vec.cuda(device=device, non_blocking=True) + + dist_vecs.append(vec) + + return torch.stack(dist_vecs) + + +def get_conv_vecs(batch_token_repr, span_list, span_batch_size, conv_layer): + """This funciton gets span vector representation through convolution layer + + Arguments: + batch_token_repr {list} -- batch token representation + span_list {list} -- span list + span_batch_size {int} -- span convolutuion batch size + conv_layer {nn.Module} -- convolution layer + + Returns: + tensor -- conv vectors + """ + + assert len(batch_token_repr) == len(span_list), "the length of batch token repr is not equal to span list's length" + + span_vecs = [] + for token_repr, (s, e) in zip(batch_token_repr, span_list): + if s == e: + span_vecs.append([]) + continue + + span_vecs.append(list(token_repr[s:e].split(1))) + + span_conv_vecs = [] + for id in range(0, len(span_vecs), span_batch_size): + span_pad_vecs = pad_vecs(span_vecs[id:id + span_batch_size], conv_layer.get_input_dims(), + batch_token_repr[0].dtype, get_device_of(batch_token_repr[0])) + span_conv_vecs.append(conv_layer(span_pad_vecs)) + return torch.cat(span_conv_vecs, dim=0) + + +def get_n_trainable_parameters(model): + """This function calculates the number of trainable parameters + of the model + + Arguments: + model {nn.Module} -- model + + Returns: + int -- the number of trainable parameters of the model + """ + + cnt = 0 + for param in list(model.parameters()): + if param.requires_grad: + cnt += functools.reduce(lambda x, y: x * y, list(param.size()), 1) + return cnt + + +def js_div(p, q, reduction='batchmean'): + """js_div caculate Jensen Shannon Divergence (JSD). + + Args: + p (tensor): distribution p + q (tensor): distribution q + reduction (str, optional): reduction. Defaults to 'batchmean'. + + Returns: + tensor: JS divergence + """ + + m = 0.5 * (p + q) + return (F.kl_div(p, m, reduction=reduction) + F.kl_div(q, m, reduction=reduction)) * 0.5 + + +def load_weight_from_pretrained_model(model, pretrained_state_dict, prefix=""): + """load_weight_from_pretrained_model This function loads weight from pretrained model. + + Arguments: + model {nn.Module} -- model + pretrained_state_dict {dict} -- state dict of pretrained model + + Keyword Arguments: + prefix {str} -- prefix for pretrained model (default: {""}) + """ + + model_state_dict = model.state_dict() + + # # load weight except decode weight + # filtered_state_dict = { + # k: pretrained_state_dict[k] + # for k, v in model_state_dict.items() if k in pretrained_state_dict + # and v.size() == pretrained_state_dict[k].size() and 'decoder' not in k + # } + + # # load bert encoder & cnn + # filtered_state_dict.update({ + # k: pretrained_state_dict[k[k.find('.') + 1:]] + # for k, v in model_state_dict.items() if k[k.find('.') + 1:] in pretrained_state_dict + # and v.size() == pretrained_state_dict[k[k.find('.') + 1:]].size() and 'decoder' not in k + # }) + + filtered_state_dict = {} + for k, v in model_state_dict.items(): + if 'decoder' in k: + continue + # if 'bert_encoder' not in k: + # continue + k = k.split('.') + for candi_name in ['.'.join(k), '.'.join(k[1:]), '.'.join(k[2:])]: + if candi_name in pretrained_state_dict and v.size() == pretrained_state_dict[candi_name].size(): + filtered_state_dict['.'.join(k)] = pretrained_state_dict[candi_name] + break + + candi_name = prefix + candi_name + if candi_name in pretrained_state_dict and v.size() == pretrained_state_dict[candi_name].size(): + filtered_state_dict['.'.join(k)] = pretrained_state_dict[candi_name] + break + + # only load bert encoder + # filtered_state_dict = {k: pretrained_state_dict[k[k.find('.') + 1:]] for k, v in model_state_dict.items() if 'bert_encoder' in k and k[k.find('.') + 1:] in pretrained_state_dict and v.size() == pretrained_state_dict[k[k.find('.') + 1:]].size() and 'decoder' not in k} + + logger.info("Load weights parameters:") + for name in filtered_state_dict: + logger.info(name) + + model_state_dict.update(filtered_state_dict) + model.load_state_dict(model_state_dict) + + +def clone_weights(first_module, second_module): + """This function clones(ties) weights from first module to second module + refers to: https://huggingface.co./transformers/v1.2.0/_modules/pytorch_transformers/modeling_utils.html#PreTrainedModel + + Arguments: + first_module {nn.Module} -- first module + second_module {nn.Module} -- second module + """ + + first_module.weight = second_module.weight + + if hasattr(first_module, 'bias') and first_module.bias is not None: + first_module.bias.data = torch.nn.functional.pad(first_module.bias.data, + (0, first_module.weight.shape[0] - first_module.bias.shape[0]), + 'constant', 0) diff --git a/utils/parse_action.py b/utils/parse_action.py new file mode 100644 index 0000000000000000000000000000000000000000..4f6b026bc1bf782ffd0f6ba994d47f95685a42c3 --- /dev/null +++ b/utils/parse_action.py @@ -0,0 +1,46 @@ +import configargparse +import logging +import os + + +class StoreLoggingLevelAction(configargparse.Action): + """This class converts string into logging level + """ + + LEVELS = { + 'CRITICAL': logging.CRITICAL, + 'ERROR': logging.ERROR, + 'WARNING': logging.WARNING, + 'INFO': logging.INFO, + 'DEBUG': logging.DEBUG, + 'NOTSET': logging.NOTSET + } + + CHOICES = list(LEVELS.keys()) + [str(_) for _ in LEVELS.values()] + + def __init__(self, option_strings, dest, help=None, **kwargs): + super().__init__(option_strings, dest, help=help, **kwargs) + + def __call__(self, parser, namespace, value, option_string=None): + """This function gets the key 'value' in the LEVELS, or just uses value + """ + + level = StoreLoggingLevelAction.LEVELS.get(value, value) + setattr(namespace, self.dest, level) + + +class CheckPathAction(configargparse.Action): + """This class checks file path, if not exits, then create dir(file) + """ + + def __init__(self, option_strings, dest, help=None, **kwargs): + super().__init__(option_strings, dest, help=help, **kwargs) + + def __call__(self, parser, namespace, value, option_string=None): + """This function checks file path, if not exits, then create dir(file) + """ + + parent_path = os.path.dirname(value) + if not os.path.exists(parent_path): + os.makedirs(parent_path) + setattr(namespace, self.dest, value) diff --git a/utils/prediction_outputs.py b/utils/prediction_outputs.py new file mode 100644 index 0000000000000000000000000000000000000000..acf46003597c34af2df27f1721c70d097fb759e1 --- /dev/null +++ b/utils/prediction_outputs.py @@ -0,0 +1,392 @@ +from collections import defaultdict + + +def read_conjunctions(cfg): + conj2sent = dict() + file_path = cfg.conjunctions_file + + with open(file_path, 'r') as fin: + sent = 1 + currentSentText = '' + for line in fin: + if line == '\n': + sent = 1 + continue + elif sent == 1: + currentSentText = line.replace('\n', '') + sent = 0 + else: + conj_sent = line.replace('\n', '') + conj2sent[conj_sent] = currentSentText + conj_sentences = list(conj2sent.keys()) + return conj_sentences, conj2sent + + +def print_predictions(outputs, file_path, vocab, sequence_label_domain=None): + """print_predictions prints prediction results + + Args: + outputs (list): prediction outputs + file_path (str): output file path + vocab (Vocabulary): vocabulary + sequence_label_domain (str, optional): sequence label domain. Defaults to None. + """ + + with open(file_path, 'w') as fout: + for sent_output in outputs: + seq_len = sent_output['seq_len'] + assert 'tokens' in sent_output + tokens = [vocab.get_token_from_index(token, 'tokens') for token in sent_output['tokens'][:seq_len]] + print("Token\t{}".format(' '.join(tokens)), file=fout) + + if 'text' in sent_output: + print(f"Text\t{sent_output['text']}", file=fout) + + if 'sequence_labels' in sent_output and 'sequence_label_preds' in sent_output: + sequence_labels = [ + vocab.get_token_from_index(true_sequence_label, sequence_label_domain) + for true_sequence_label in sent_output['sequence_labels'][:seq_len] + ] + sequence_label_preds = [ + vocab.get_token_from_index(pred_sequence_label, sequence_label_domain) + for pred_sequence_label in sent_output['sequence_label_preds'][:seq_len] + ] + + print("Sequence-Label-True\t{}".format(' '.join(sequence_labels)), file=fout) + print("Sequence-Label-Pred\t{}".format(' '.join(sequence_label_preds)), file=fout) + + if 'joint_label_matrix' in sent_output: + for row in sent_output['joint_label_matrix'][:seq_len]: + print("Joint-Label-True\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'joint_label_preds' in sent_output: + for row in sent_output['joint_label_preds'][:seq_len]: + print("Joint-Label-Pred\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'separate_positions' in sent_output: + print("Separate-Position-True\t{}".format(' '.join(map(str, sent_output['separate_positions']))), + file=fout) + + if 'all_separate_position_preds' in sent_output: + print("Separate-Position-Pred\t{}".format(' '.join(map(str, + sent_output['all_separate_position_preds']))), + file=fout) + + if 'span2ent' in sent_output: + for span, ent in sent_output['span2ent'].items(): + ent = vocab.get_token_from_index(ent, 'span2ent') + assert ent != 'None', "true relation can not be `None`." + + print("Ent-True\t{}\t{}\t{}".format(ent, span, ' '.join(tokens[span[0]:span[1]])), file=fout) + + if 'all_ent_preds' in sent_output: + for span, ent in sent_output['all_ent_preds'].items(): + # ent = vocab.get_token_from_index(ent, 'span2ent') + + print("Ent-Span-Pred\t{}".format(span), file=fout) + print("Ent-Pred\t{}\t{}\t{}".format(ent, span, ' '.join(tokens[span[0]:span[1]])), file=fout) + + if 'span2rel' in sent_output: + for (span1, span2), rel in sent_output['span2rel'].items(): + rel = vocab.get_token_from_index(rel, 'span2rel') + assert rel != 'None', "true relation can not be `None`." + + if rel[-1] == '<': + span1, span2 = span2, span1 + print("Rel-True\t{}\t{}\t{}\t{}\t{}".format(rel[:-2], span1, span2, + ' '.join(tokens[span1[0]:span1[1]]), + ' '.join(tokens[span2[0]:span2[1]])), + file=fout) + + if 'all_rel_preds' in sent_output: + for (span1, span2), rel in sent_output['all_rel_preds'].items(): + # rel = vocab.get_token_from_index(rel, 'span2rel') + + if rel[-1] == '<': + span1, span2 = span2, span1 + print("Rel-Pred\t{}\t{}\t{}\t{}\t{}".format(rel[:-2], span1, span2, + ' '.join(tokens[span1[0]:span1[1]]), + ' '.join(tokens[span2[0]:span2[1]])), + file=fout) + + print(file=fout) + + +def print_extractions_allennlp_format(cfg, outputs, file_path, vocab): + conj_sentences, conj2sent = read_conjunctions(cfg) + ext_texts = [] + with open(file_path, 'w') as fout: + for sent_output in outputs: + extractions = {} + seq_len = sent_output['seq_len'] + assert 'tokens' in sent_output + tokens = [vocab.get_token_from_index(token, 'tokens') for token in sent_output['tokens'][:seq_len-6]] + sentence = ' '.join(tokens) + if sentence in conj_sentences: + sentence = conj2sent[sentence] + + if 'all_rel_preds' in sent_output: + for (span1, span2), rel in sent_output['all_rel_preds'].items(): + if rel == '' or rel == ' ': + continue + if sent_output['all_ent_preds'][span1] == 'Relation': + try: + if span2 in extractions[span1][rel]: + continue + except: + pass + try: + extractions[span1][rel].append(span2) + except: + extractions[span1] = defaultdict(list) + extractions[span1][rel].append(span2) + else: + try: + if span1 in extractions[span2][rel]: + continue + except: + pass + try: + extractions[span2][rel].append(span1) + except: + extractions[span2] = defaultdict(list) + extractions[span2][rel].append(span1) + to_remove_rel_spans = set() + expand_rel = {} + to_add = {} + for rel_span1, d1 in extractions.items(): + for rel_span2, d2 in extractions.items(): + if rel_span1 != rel_span2 and not (rel_span1 in to_remove_rel_spans or rel_span2 in to_remove_rel_spans): + if d1["Subject"] == d2["Subject"] and d1["Object"] == d2["Object"]: + if rel_span1 in to_remove_rel_spans: + to_add[expand_rel[rel_span1] + rel_span2] = d1 + to_remove_rel_spans.add(rel_span2) + to_remove_rel_spans.add(expand_rel[rel_span1]) + expand_rel[rel_span2] = expand_rel[rel_span1] + rel_span2 + expand_rel[rel_span1] = expand_rel[rel_span1] + rel_span2 + elif rel_span2 in to_remove_rel_spans: + to_add[expand_rel[rel_span2] + rel_span1] = d1 + to_remove_rel_spans.add(rel_span1) + to_remove_rel_spans.add(expand_rel[rel_span2]) + expand_rel[rel_span1] = expand_rel[rel_span2] + rel_span1 + expand_rel[rel_span2] = expand_rel[rel_span2] + rel_span1 + else: + to_add[rel_span1 + rel_span2] = d1 + expand_rel[rel_span1] = rel_span1 + rel_span2 + expand_rel[rel_span2] = rel_span1 + rel_span2 + to_remove_rel_spans.add(rel_span1) + to_remove_rel_spans.add(rel_span2) + for tm in to_remove_rel_spans: + del extractions[tm] + for k, v in to_add.items(): + extractions[k] = v + for rel_sp, d in extractions.items(): + if len(d["Subject"]) > 1: + sorted_d_subject = sorted(d["Subject"], key=lambda x: x[0][0]) + sorted_d_subject = [x[0] for x in sorted_d_subject] + subject_text = " ".join([" ".join(tokens[sub_span[0]:sub_span[1]]) for sub_span in sorted_d_subject]) + elif len(d["Subject"]) == 1: + subject_text = " ".join([" ".join(tokens[sub_span[0]:sub_span[1]]) for sub_span in d["Subject"][0]]) + else: + subject_text = "" + if len(d["Object"]) > 1: + sorted_d_object = sorted(d["Object"], key=lambda x: x[0][0]) + sorted_d_object = [x[0] for x in sorted_d_object] + object_text = " ".join([" ".join(tokens[sub_span[0]:sub_span[1]]) for sub_span in sorted_d_object]) + elif len(d["Object"]) == 1: + object_text = " ".join([" ".join(tokens[sub_span[0]:sub_span[1]]) for sub_span in d["Object"][0]]) + else: + object_text = "" + rel_text = " ".join([" ".join(tokens[sub_span[0]:sub_span[1]]) for sub_span in rel_sp]).replace('[unused1]', 'is') + ext = f' {subject_text} {rel_text} {object_text} ' + if ext not in ext_texts and (rel_text != '' and subject_text != ''): + print("{}\t{}".format(sentence, ext), file=fout) + ext_texts.append(ext) + + +def print_predictions_for_joint_decoding(outputs, file_path, vocab): + """print_predictions prints prediction results + + Args: + outputs (list): prediction outputs + file_path (str): output file path + vocab (Vocabulary): vocabulary + sequence_label_domain (str, optional): sequence label domain. Defaults to None. + """ + + with open(file_path, 'w') as fout: + for sent_output in outputs: + seq_len = sent_output['seq_len'] + assert 'tokens' in sent_output + tokens = [vocab.get_token_from_index(token, 'tokens') for token in sent_output['tokens'][:seq_len]] + print("Token\t{}".format(' '.join(tokens)), file=fout) + + if 'joint_label_matrix' in sent_output: + for row in sent_output['joint_label_matrix'][:seq_len]: + print("Joint-Label-True\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'joint_label_preds' in sent_output: + for row in sent_output['joint_label_preds'][:seq_len]: + print("Joint-Label-Pred\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'separate_positions' in sent_output: + print("Separate-Position-True\t{}".format(' '.join(map(str, sent_output['separate_positions']))), + file=fout) + + if 'all_separate_position_preds' in sent_output: + print("Separate-Position-Pred\t{}".format(' '.join(map(str, + sent_output['all_separate_position_preds']))), + file=fout) + + if 'all_ent_span_preds' in sent_output: + for span in sent_output['all_ent_span_preds']: + print("Ent-Span-Pred\t{}".format(span), file=fout) + + if 'span2ent' in sent_output: + for span, ent in sent_output['span2ent'].items(): + ent = vocab.get_token_from_index(ent, 'ent_rel_id') + assert ent != 'None', "true relation can not be `None`." + + print("Ent-True\t{}\t{}\t{}".format(ent, span, ' '.join([' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span])), file=fout) + + if 'all_ent_preds' in sent_output: + for span, ent in sent_output['all_ent_preds'].items(): + # ent = vocab.get_token_from_index(ent, 'span2ent') + print("Ent-Pred\t{}\t{}\t{}".format(ent, span, ' '.join( + [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span])), file=fout) + + if 'span2rel' in sent_output: + for (span1, span2), rel in sent_output['span2rel'].items(): + rel = vocab.get_token_from_index(rel, 'ent_rel_id') + assert rel != 'None', "true relation can not be `None`." + span1_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span1] + span2_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span2] + print("Rel-True\t{}\t{}\t{}\t{}\t{}".format(rel, span1, span2, ' '.join(span1_text_list), + ' '.join(span2_text_list)), + file=fout) + + if 'all_rel_preds' in sent_output: + for (span1, span2), rel in sent_output['all_rel_preds'].items(): + # rel = vocab.get_token_from_index(rel, 'span2rel') + + span1_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span1] + span2_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span2] + print("Rel-Pred\t{}\t{}\t{}\t{}\t{}".format(rel, span1, span2, ' '.join(span1_text_list), + ' '.join(span2_text_list)), + file=fout) + + # print("Rel-Pred\t{}\t{}\t{}\t{}\t{}".format(rel, span1, span2, ' '.join(tokens[span1[0]:span1[1]]), + # ' '.join(tokens[span2[0]:span2[1]])), + # file=fout) + + print(file=fout) + + +def print_predictions_for_entity_rel_decoding(outputs, file_path, vocab): + """print_predictions prints prediction results + + Args: + outputs (list): prediction outputs + file_path (str): output file path + vocab (Vocabulary): vocabulary + sequence_label_domain (str, optional): sequence label domain. Defaults to None. + """ + + with open(file_path, 'w') as fout: + # for sent_output, rel_sent_output in zip(outputs, rel_outputs): + for sent_output in outputs: + seq_len = sent_output['seq_len'] + assert 'tokens' in sent_output + tokens = [vocab.get_token_from_index(token, 'tokens') for token in sent_output['tokens'][:seq_len]] + print("Token\t{}".format(' '.join(tokens)), file=fout) + + if 'entity_label_preds' in sent_output: + for row in sent_output['entity_label_preds'][:seq_len]: + print("Ent-Label-Pred\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'relation_label_matrix' in sent_output: + for row in sent_output['relation_label_matrix'][:seq_len]: + print("Rel-Label-True\t{}".format(' '.join( + [vocab.get_token_from_index(item + 2, 'ent_rel_id') if item != 0 else "None" for item in row[:seq_len]])), + file=fout) + + if 'relation_label_preds' in sent_output: + for row in sent_output['relation_label_preds'][:seq_len]: + print("Rel-Label-Pred\t{}".format(' '.join( + [vocab.get_token_from_index(item + 2, 'ent_rel_id') if item != 0 else "None" for item in row[:seq_len]])), + file=fout) + + if 'separate_positions' in sent_output: + print("Separate-Position-True\t{}".format(' '.join(map(str, sent_output['separate_positions']))), + file=fout) + + if 'all_separate_position_preds' in sent_output: + print("Separate-Position-Pred\t{}".format(' '.join(map(str, + sent_output['all_separate_position_preds']))), + file=fout) + + if 'all_ent_span_preds' in sent_output: + for span in sent_output['all_ent_span_preds']: + print("Ent-Span-Pred\t{}".format(span), file=fout) + + if 'span2ent' in sent_output: + for span, ent in sent_output['span2ent'].items(): + ent = vocab.get_token_from_index(ent, 'ent_rel_id') + assert ent != 'None', "true relation can not be `None`." + + print("Ent-True\t{}\t{}\t{}".format(ent, span, ' '.join( + [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span])), file=fout) + + if 'all_ent_preds' in sent_output: + for span, ent in sent_output['all_ent_preds'].items(): + print("Ent-Pred\t{}\t{}\t{}".format(ent, span, ' '.join( + [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span])), file=fout) + + if 'span2rel' in sent_output: + for (span1, span2), rel in sent_output['span2rel'].items(): + rel = vocab.get_token_from_index(rel, 'ent_rel_id') + assert rel != 'None', "true relation can not be `None`." + + span1_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span1] + span2_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span2] + print("Rel-True\t{}\t{}\t{}\t{}\t{}".format(rel, span1, span2, ' '.join(span1_text_list), + ' '.join(span2_text_list)), + file=fout) + if 'all_rel_preds' in sent_output: + for (span1, span2), rel in sent_output['all_rel_preds'].items(): + + span1_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span1] + span2_text_list = [' '.join(tokens[sub_span[0]:sub_span[1]]) for sub_span in span2] + print("Rel-Pred\t{}\t{}\t{}\t{}\t{}".format(rel, span1, span2, ' '.join(span1_text_list), + ' '.join(span2_text_list)), file=fout) + + print(file=fout) + +def print_predictions_for_relation_decoding(outputs, file_path, vocab): + with open(file_path, 'w') as fout: + for sent_output in outputs: + seq_len = sent_output['seq_len'] + assert 'tokens' in sent_output + tokens = [vocab.get_token_from_index(token, 'tokens') for token in sent_output['tokens'][:seq_len]] + print("Token\t{}".format(' '.join(tokens)), file=fout) + if 'relation_label_matrix' in sent_output: + for row in sent_output['relation_label_matrix'][:seq_len]: + print("Relation-Label-True\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout) + + if 'relation_label_preds' in sent_output: + for row in sent_output['relation_label_preds'][:seq_len]: + print("Relation-Label-Pred\t{}".format(' '.join( + [vocab.get_token_from_index(item, 'ent_rel_id') for item in row[:seq_len]])), + file=fout)