Upload 108 files
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- LICENSE +21 -0
- Readme.md +68 -0
- config.yml +43 -0
- constituent_model.py +330 -0
- constituent_model_config.yml +43 -0
- data/OIE2016(processed)/constituent_model/ent_rel_file.json +26 -0
- data/OIE2016(processed)/constituent_model/process_constituent_data.py +99 -0
- data/OIE2016(processed)/relation_model/process_linking_data.py +160 -0
- data/OIE2016(processed)/relation_model/rel_file.json +26 -0
- data/OIE2016(processed)/relation_model/special_tokens.json +8 -0
- data/Readme.md +39 -0
- data/compactness_measurements.py +111 -0
- data/ent_rel_file.json +26 -0
- data/evaluation_data/benchIE/benchIE_conjunctions.txt +1210 -0
- data/evaluation_data/benchIE/sample300_en.txt +300 -0
- data/evaluation_data/benchIE/toBenchIEformat.py +32 -0
- data/evaluation_data/carb/carb.py +386 -0
- data/evaluation_data/carb/carb_test_conjunctions.txt +0 -0
- data/evaluation_data/carb/data/dev.txt +641 -0
- data/evaluation_data/carb/data/gold/dev.tsv +0 -0
- data/evaluation_data/carb/data/gold/gold_carb_test.tsv +0 -0
- data/evaluation_data/carb/data/gold/gold_carb_test.txt +0 -0
- data/evaluation_data/carb/data/test.txt +577 -0
- data/evaluation_data/carb/matcher.py +340 -0
- data/evaluation_data/carb/oie_readers/__init__.py +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/__init__.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/allennlpReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/argument.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/benchmarkGoldReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/clausieReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/extraction.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/goldReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/oieReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/ollieReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/openieFiveReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/openieFourReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/propsReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/reVerbReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/stanfordReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/__pycache__/tabReader.cpython-36.pyc +0 -0
- data/evaluation_data/carb/oie_readers/allennlpReader.py +86 -0
- data/evaluation_data/carb/oie_readers/argument.py +21 -0
- data/evaluation_data/carb/oie_readers/benchmarkGoldReader.py +55 -0
- data/evaluation_data/carb/oie_readers/clausieReader.py +90 -0
- data/evaluation_data/carb/oie_readers/extraction.py +443 -0
- data/evaluation_data/carb/oie_readers/goldReader.py +44 -0
- data/evaluation_data/carb/oie_readers/oieReader.py +45 -0
- data/evaluation_data/carb/oie_readers/ollieReader.py +22 -0
- data/evaluation_data/carb/oie_readers/openieFiveReader.py +38 -0
- data/evaluation_data/carb/oie_readers/openieFourReader.py +59 -0
LICENSE
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
MIT License
|
2 |
+
|
3 |
+
Copyright (c) 2022 farima fatahi-bayat
|
4 |
+
|
5 |
+
Permission is hereby granted, free of charge, to any person obtaining a copy
|
6 |
+
of this software and associated documentation files (the "Software"), to deal
|
7 |
+
in the Software without restriction, including without limitation the rights
|
8 |
+
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
|
9 |
+
copies of the Software, and to permit persons to whom the Software is
|
10 |
+
furnished to do so, subject to the following conditions:
|
11 |
+
|
12 |
+
The above copyright notice and this permission notice shall be included in all
|
13 |
+
copies or substantial portions of the Software.
|
14 |
+
|
15 |
+
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
|
16 |
+
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
|
17 |
+
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
|
18 |
+
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
|
19 |
+
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
|
20 |
+
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
21 |
+
SOFTWARE.
|
Readme.md
ADDED
@@ -0,0 +1,68 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# CompactIE
|
2 |
+
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.
|
3 |
+
<p align="center">
|
4 |
+
<img src="https://github.com/FarimaFatahi/CompactIE/blob/main/example.png" width="750">
|
5 |
+
</p>
|
6 |
+
|
7 |
+
## Requirements
|
8 |
+
* `python`: 3.6
|
9 |
+
* `pytorch`: 1.9.0
|
10 |
+
* `transformers`: 4.2.2
|
11 |
+
* `configargparse`: 1.2.3
|
12 |
+
* `bidict`: 0.20.0
|
13 |
+
|
14 |
+
## Datasets
|
15 |
+
The scripts and instructions for downloading and processing our benchmark are provided in [`data/`](https://github.com/FarimaFatahi/CompactIE/tree/master/data).
|
16 |
+
|
17 |
+
## Training
|
18 |
+
### Constituent Extraction Model
|
19 |
+
```python
|
20 |
+
python constituent_model.py \
|
21 |
+
--config_file constituent_model_config.yml \
|
22 |
+
--device 0
|
23 |
+
```
|
24 |
+
|
25 |
+
### Constituent Linking Model
|
26 |
+
```python
|
27 |
+
python linking_model.py \
|
28 |
+
--config_file linking_model_config.yml \
|
29 |
+
--device 0
|
30 |
+
```
|
31 |
+
|
32 |
+
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.
|
33 |
+
If **OOM** occurs, we suggest that reducing `train_batch_size` and increasing `gradient_accumulation_steps` (`gradient_accumulation_steps` is used to perform *Gradient Accumulation*).
|
34 |
+
|
35 |
+
## Inference
|
36 |
+
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.
|
37 |
+
|
38 |
+
```python
|
39 |
+
python test.py --config_file config.yml
|
40 |
+
```
|
41 |
+
|
42 |
+
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.
|
43 |
+
|
44 |
+
### Pre-trained Models
|
45 |
+
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.
|
46 |
+
|
47 |
+
## Cite
|
48 |
+
If you find our code is useful, please cite:
|
49 |
+
```
|
50 |
+
@inproceedings{fatahi-bayat-etal-2022-compactie,
|
51 |
+
title = "{C}ompact{IE}: Compact Facts in Open Information Extraction",
|
52 |
+
author = "Fatahi Bayat, Farima and
|
53 |
+
Bhutani, Nikita and
|
54 |
+
Jagadish, H.",
|
55 |
+
booktitle = "Proceedings of the 2022 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies",
|
56 |
+
month = jul,
|
57 |
+
year = "2022",
|
58 |
+
address = "Seattle, United States",
|
59 |
+
publisher = "Association for Computational Linguistics",
|
60 |
+
url = "https://aclanthology.org/2022.naacl-main.65",
|
61 |
+
doi = "10.18653/v1/2022.naacl-main.65",
|
62 |
+
pages = "900--910",
|
63 |
+
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.",
|
64 |
+
}
|
65 |
+
```
|
66 |
+
|
67 |
+
## Contact
|
68 |
+
In case of any issues or question, please send an email to ```farimaf (at) umich (dot) edu```.
|
config.yml
ADDED
@@ -0,0 +1,43 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
save_dir: save_results/
|
2 |
+
data_dir: data/evaluation_data/carb/
|
3 |
+
|
4 |
+
test_file: carb_test.json
|
5 |
+
conjunctions_file: data/evaluation_data/carb/carb_test_conjunctions.txt
|
6 |
+
ent_rel_file: data/ent_rel_file.json
|
7 |
+
rel_file: data/rel_file.json
|
8 |
+
test: True
|
9 |
+
max_sent_len: 512
|
10 |
+
max_wordpiece_len: 512
|
11 |
+
|
12 |
+
embedding_model: bert
|
13 |
+
mlp_hidden_size: 150
|
14 |
+
max_span_length: 10
|
15 |
+
dropout: 0.4
|
16 |
+
logit_dropout: 0.2
|
17 |
+
bert_model_name: bert-base-uncased
|
18 |
+
bert_output_size: 0
|
19 |
+
bert_dropout: 0.0
|
20 |
+
separate_threshold: 1.0
|
21 |
+
|
22 |
+
gradient_clipping: 5.0
|
23 |
+
learning_rate: 5e-5
|
24 |
+
bert_learning_rate: 5e-5
|
25 |
+
lr_decay_rate: 0.9
|
26 |
+
adam_beta1: 0.9
|
27 |
+
adam_beta2: 0.9
|
28 |
+
adam_epsilon: 1e-12
|
29 |
+
adam_weight_decay_rate: 1e-5
|
30 |
+
adam_bert_weight_decay_rate: 1e-5
|
31 |
+
|
32 |
+
seed: 5216
|
33 |
+
epochs: 100
|
34 |
+
pretrain_epochs: 10
|
35 |
+
warmup_rate: 0.2
|
36 |
+
early_stop: 30
|
37 |
+
train_batch_size: 32
|
38 |
+
test_batch_size: 32
|
39 |
+
gradient_accumulation_steps: 1
|
40 |
+
logging_steps: 32
|
41 |
+
validate_every: 4032
|
42 |
+
device: -1
|
43 |
+
log_file: train.log
|
constituent_model.py
ADDED
@@ -0,0 +1,330 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from collections import defaultdict
|
2 |
+
import json
|
3 |
+
import os
|
4 |
+
import random
|
5 |
+
import logging
|
6 |
+
import time
|
7 |
+
import torch
|
8 |
+
import torch.nn as nn
|
9 |
+
import numpy as np
|
10 |
+
from transformers import BertTokenizer, AutoTokenizer, AdamW, get_linear_schedule_with_warmup
|
11 |
+
|
12 |
+
from utils.argparse import ConfigurationParer
|
13 |
+
from utils.prediction_outputs import print_predictions_for_joint_decoding
|
14 |
+
from utils.eval import eval_file
|
15 |
+
from inputs.vocabulary import Vocabulary
|
16 |
+
from inputs.fields.token_field import TokenField
|
17 |
+
from inputs.fields.raw_token_field import RawTokenField
|
18 |
+
from inputs.fields.map_token_field import MapTokenField
|
19 |
+
from inputs.instance import Instance
|
20 |
+
from inputs.datasets.dataset import Dataset
|
21 |
+
from inputs.dataset_readers.oie4_reader_for_table_decoding import OIE4ReaderForJointDecoding
|
22 |
+
from models.joint_decoding.table_decoder import EntRelJointDecoder
|
23 |
+
from utils.nn_utils import get_n_trainable_parameters
|
24 |
+
|
25 |
+
logger = logging.getLogger(__name__)
|
26 |
+
|
27 |
+
|
28 |
+
def step(model, batch_inputs, device):
|
29 |
+
batch_inputs["tokens"] = torch.LongTensor(batch_inputs["tokens"])
|
30 |
+
batch_inputs["joint_label_matrix"] = torch.LongTensor(batch_inputs["joint_label_matrix"])
|
31 |
+
batch_inputs["joint_label_matrix_mask"] = torch.BoolTensor(batch_inputs["joint_label_matrix_mask"])
|
32 |
+
batch_inputs["wordpiece_tokens"] = torch.LongTensor(batch_inputs["wordpiece_tokens"])
|
33 |
+
batch_inputs["wordpiece_tokens_index"] = torch.LongTensor(batch_inputs["wordpiece_tokens_index"])
|
34 |
+
batch_inputs["wordpiece_segment_ids"] = torch.LongTensor(batch_inputs["wordpiece_segment_ids"])
|
35 |
+
|
36 |
+
if device > -1:
|
37 |
+
batch_inputs["tokens"] = batch_inputs["tokens"].cuda(device=device, non_blocking=True)
|
38 |
+
batch_inputs["joint_label_matrix"] = batch_inputs["joint_label_matrix"].cuda(device=device, non_blocking=True)
|
39 |
+
batch_inputs["joint_label_matrix_mask"] = batch_inputs["joint_label_matrix_mask"].cuda(device=device,
|
40 |
+
non_blocking=True)
|
41 |
+
batch_inputs["wordpiece_tokens"] = batch_inputs["wordpiece_tokens"].cuda(device=device, non_blocking=True)
|
42 |
+
batch_inputs["wordpiece_tokens_index"] = batch_inputs["wordpiece_tokens_index"].cuda(device=device,
|
43 |
+
non_blocking=True)
|
44 |
+
batch_inputs["wordpiece_segment_ids"] = batch_inputs["wordpiece_segment_ids"].cuda(device=device,
|
45 |
+
non_blocking=True)
|
46 |
+
|
47 |
+
outputs = model(batch_inputs)
|
48 |
+
batch_outputs = []
|
49 |
+
if not model.training:
|
50 |
+
for sent_idx in range(len(batch_inputs['tokens_lens'])):
|
51 |
+
sent_output = dict()
|
52 |
+
sent_output['tokens'] = batch_inputs['tokens'][sent_idx].cpu().numpy()
|
53 |
+
sent_output['span2ent'] = batch_inputs['span2ent'][sent_idx]
|
54 |
+
sent_output['span2rel'] = batch_inputs['span2rel'][sent_idx]
|
55 |
+
sent_output['seq_len'] = batch_inputs['tokens_lens'][sent_idx]
|
56 |
+
sent_output['joint_label_matrix'] = batch_inputs['joint_label_matrix'][sent_idx].cpu().numpy()
|
57 |
+
sent_output['joint_label_preds'] = outputs['joint_label_preds'][sent_idx].cpu().numpy()
|
58 |
+
sent_output['separate_positions'] = batch_inputs['separate_positions'][sent_idx]
|
59 |
+
sent_output['all_separate_position_preds'] = outputs['all_separate_position_preds'][sent_idx]
|
60 |
+
sent_output['all_ent_preds'] = outputs['all_ent_preds'][sent_idx]
|
61 |
+
sent_output['all_rel_preds'] = outputs['all_rel_preds'][sent_idx]
|
62 |
+
batch_outputs.append(sent_output)
|
63 |
+
return batch_outputs
|
64 |
+
|
65 |
+
return outputs['element_loss'], outputs['symmetric_loss'], outputs['implication_loss'], outputs['triple_loss']
|
66 |
+
|
67 |
+
|
68 |
+
def train(cfg, dataset, model):
|
69 |
+
logger.info("Training starting...")
|
70 |
+
|
71 |
+
for name, param in model.named_parameters():
|
72 |
+
logger.info("{!r}: size: {} requires_grad: {}.".format(name, param.size(), param.requires_grad))
|
73 |
+
|
74 |
+
logger.info("Trainable parameters size: {}.".format(get_n_trainable_parameters(model)))
|
75 |
+
|
76 |
+
parameters = [(name, param) for name, param in model.named_parameters() if param.requires_grad]
|
77 |
+
no_decay = ['bias', 'LayerNorm.bias', 'LayerNorm.weight']
|
78 |
+
bert_layer_lr = {}
|
79 |
+
base_lr = cfg.bert_learning_rate
|
80 |
+
for i in range(11, -1, -1):
|
81 |
+
bert_layer_lr['.' + str(i) + '.'] = base_lr
|
82 |
+
base_lr *= cfg.lr_decay_rate
|
83 |
+
|
84 |
+
optimizer_grouped_parameters = []
|
85 |
+
for name, param in parameters:
|
86 |
+
params = {'params': [param], 'lr': cfg.learning_rate}
|
87 |
+
if any(item in name for item in no_decay):
|
88 |
+
params['weight_decay_rate'] = 0.0
|
89 |
+
else:
|
90 |
+
if 'bert' in name:
|
91 |
+
params['weight_decay_rate'] = cfg.adam_bert_weight_decay_rate
|
92 |
+
else:
|
93 |
+
params['weight_decay_rate'] = cfg.adam_weight_decay_rate
|
94 |
+
|
95 |
+
for bert_layer_name, lr in bert_layer_lr.items():
|
96 |
+
if bert_layer_name in name:
|
97 |
+
params['lr'] = lr
|
98 |
+
break
|
99 |
+
|
100 |
+
optimizer_grouped_parameters.append(params)
|
101 |
+
|
102 |
+
optimizer = AdamW(optimizer_grouped_parameters,
|
103 |
+
betas=(cfg.adam_beta1, cfg.adam_beta2),
|
104 |
+
lr=cfg.learning_rate,
|
105 |
+
eps=cfg.adam_epsilon,
|
106 |
+
weight_decay=cfg.adam_weight_decay_rate,
|
107 |
+
correct_bias=False)
|
108 |
+
|
109 |
+
total_train_steps = (dataset.get_dataset_size("train") + cfg.train_batch_size * cfg.gradient_accumulation_steps -
|
110 |
+
1) / (cfg.train_batch_size * cfg.gradient_accumulation_steps) * cfg.epochs
|
111 |
+
num_warmup_steps = int(cfg.warmup_rate * total_train_steps) + 1
|
112 |
+
scheduler = get_linear_schedule_with_warmup(optimizer,
|
113 |
+
num_warmup_steps=num_warmup_steps,
|
114 |
+
num_training_steps=total_train_steps)
|
115 |
+
|
116 |
+
last_epoch = 1
|
117 |
+
batch_id = 0
|
118 |
+
best_f1 = 0.0
|
119 |
+
early_stop_cnt = 0
|
120 |
+
accumulation_steps = 0
|
121 |
+
model.zero_grad()
|
122 |
+
|
123 |
+
for epoch, batch in dataset.get_batch('train', cfg.train_batch_size, None):
|
124 |
+
|
125 |
+
if last_epoch != epoch or (batch_id != 0 and batch_id % cfg.validate_every == 0):
|
126 |
+
if accumulation_steps != 0:
|
127 |
+
optimizer.step()
|
128 |
+
scheduler.step()
|
129 |
+
model.zero_grad()
|
130 |
+
if epoch % cfg.pretrain_epochs == 0:
|
131 |
+
dev_f1 = dev(cfg, dataset, model)
|
132 |
+
if dev_f1 > best_f1:
|
133 |
+
early_stop_cnt = 0
|
134 |
+
best_f1 = dev_f1
|
135 |
+
logger.info("Save model...")
|
136 |
+
torch.save(model.state_dict(), open(cfg.constituent_model_path, "wb"))
|
137 |
+
elif last_epoch != epoch:
|
138 |
+
early_stop_cnt += 1
|
139 |
+
if early_stop_cnt > cfg.early_stop:
|
140 |
+
logger.info("Early Stop: best F1 score: {:6.2f}%".format(100 * best_f1))
|
141 |
+
break
|
142 |
+
if epoch > cfg.epochs:
|
143 |
+
torch.save(model.state_dict(), open(cfg.last_model_path, "wb"))
|
144 |
+
logger.info("Training Stop: best F1 score: {:6.2f}%".format(100 * best_f1))
|
145 |
+
break
|
146 |
+
|
147 |
+
if last_epoch != epoch:
|
148 |
+
batch_id = 0
|
149 |
+
last_epoch = epoch
|
150 |
+
|
151 |
+
model.train()
|
152 |
+
batch_id += len(batch['tokens_lens'])
|
153 |
+
batch['epoch'] = (epoch - 1)
|
154 |
+
element_loss, symmetric_loss, implication_loss, triple_loss = step(model, batch, cfg.device)
|
155 |
+
loss = 1.0 * element_loss + 1.0 * symmetric_loss + 1.0 * implication_loss + 1.0 * triple_loss
|
156 |
+
if batch_id % cfg.logging_steps == 0:
|
157 |
+
logger.info(
|
158 |
+
"Epoch: {} Batch: {} Loss: {} (Element_loss: {} Symmetric_loss: {} Implication_loss: {} Triple_loss: {})"
|
159 |
+
.format(epoch, batch_id, loss.item(), element_loss.item(), symmetric_loss.item(),
|
160 |
+
implication_loss.item(), triple_loss.item()))
|
161 |
+
|
162 |
+
if cfg.gradient_accumulation_steps > 1:
|
163 |
+
loss /= cfg.gradient_accumulation_steps
|
164 |
+
|
165 |
+
loss.backward()
|
166 |
+
|
167 |
+
accumulation_steps = (accumulation_steps + 1) % cfg.gradient_accumulation_steps
|
168 |
+
if accumulation_steps == 0:
|
169 |
+
nn.utils.clip_grad_norm_(parameters=model.parameters(), max_norm=cfg.gradient_clipping)
|
170 |
+
optimizer.step()
|
171 |
+
scheduler.step()
|
172 |
+
model.zero_grad()
|
173 |
+
|
174 |
+
state_dict = torch.load(open(cfg.best_model_path, "rb"), map_location=lambda storage, loc: storage)
|
175 |
+
model.load_state_dict(state_dict)
|
176 |
+
test(cfg, dataset, model)
|
177 |
+
|
178 |
+
|
179 |
+
def dev(cfg, dataset, model):
|
180 |
+
logger.info("Validate starting...")
|
181 |
+
model.zero_grad()
|
182 |
+
|
183 |
+
all_outputs = []
|
184 |
+
cost_time = 0
|
185 |
+
for _, batch in dataset.get_batch('dev', cfg.test_batch_size, None):
|
186 |
+
model.eval()
|
187 |
+
with torch.no_grad():
|
188 |
+
cost_time -= time.time()
|
189 |
+
batch_outpus = step(model, batch, cfg.device)
|
190 |
+
cost_time += time.time()
|
191 |
+
all_outputs.extend(batch_outpus)
|
192 |
+
logger.info(f"Cost time: {cost_time}s")
|
193 |
+
dev_output_file = os.path.join(cfg.constituent_model_dir, "dev.output")
|
194 |
+
print_predictions_for_joint_decoding(all_outputs, dev_output_file, dataset.vocab)
|
195 |
+
eval_metrics = ['joint-label', 'separate-position', 'ent', 'exact-rel']
|
196 |
+
joint_label_score, separate_position_score, ent_score, exact_rel_score = eval_file(dev_output_file, eval_metrics)
|
197 |
+
return ent_score + exact_rel_score
|
198 |
+
|
199 |
+
|
200 |
+
def test(cfg, dataset, model):
|
201 |
+
logger.info("Testing starting...")
|
202 |
+
model.zero_grad()
|
203 |
+
|
204 |
+
all_outputs = []
|
205 |
+
|
206 |
+
cost_time = 0
|
207 |
+
for _, batch in dataset.get_batch('test', cfg.test_batch_size, None):
|
208 |
+
model.eval()
|
209 |
+
with torch.no_grad():
|
210 |
+
cost_time -= time.time()
|
211 |
+
batch_outpus = step(model, batch, cfg.device)
|
212 |
+
cost_time += time.time()
|
213 |
+
all_outputs.extend(batch_outpus)
|
214 |
+
logger.info(f"Cost time: {cost_time}s")
|
215 |
+
|
216 |
+
test_output_file = os.path.join(cfg.constituent_model_dir, "test.output")
|
217 |
+
print_predictions_for_joint_decoding(all_outputs, test_output_file, dataset.vocab)
|
218 |
+
eval_metrics = ['joint-label', 'separate-position', 'ent', 'exact-rel']
|
219 |
+
eval_file(test_output_file, eval_metrics)
|
220 |
+
|
221 |
+
|
222 |
+
def main():
|
223 |
+
# config settings
|
224 |
+
parser = ConfigurationParer()
|
225 |
+
parser.add_save_cfgs()
|
226 |
+
parser.add_data_cfgs()
|
227 |
+
parser.add_model_cfgs()
|
228 |
+
parser.add_optimizer_cfgs()
|
229 |
+
parser.add_run_cfgs()
|
230 |
+
|
231 |
+
cfg = parser.parse_args()
|
232 |
+
logger.info(parser.format_values())
|
233 |
+
|
234 |
+
# set random seed
|
235 |
+
random.seed(cfg.seed)
|
236 |
+
torch.manual_seed(cfg.seed)
|
237 |
+
np.random.seed(cfg.seed)
|
238 |
+
if cfg.device > -1 and not torch.cuda.is_available():
|
239 |
+
logger.error('config conflicts: no gpu available, use cpu for training.')
|
240 |
+
cfg.device = -1
|
241 |
+
if cfg.device > -1:
|
242 |
+
torch.cuda.manual_seed(cfg.seed)
|
243 |
+
|
244 |
+
# define fields
|
245 |
+
tokens = TokenField("tokens", "tokens", "tokens", True)
|
246 |
+
separate_positions = RawTokenField("separate_positions", "separate_positions")
|
247 |
+
span2ent = MapTokenField("span2ent", "ent_rel_id", "span2ent", False)
|
248 |
+
span2rel = MapTokenField("span2rel", "ent_rel_id", "span2rel", False)
|
249 |
+
joint_label_matrix = RawTokenField("joint_label_matrix", "joint_label_matrix")
|
250 |
+
wordpiece_tokens = TokenField("wordpiece_tokens", "wordpiece", "wordpiece_tokens", False)
|
251 |
+
wordpiece_tokens_index = RawTokenField("wordpiece_tokens_index", "wordpiece_tokens_index")
|
252 |
+
wordpiece_segment_ids = RawTokenField("wordpiece_segment_ids", "wordpiece_segment_ids")
|
253 |
+
fields = [tokens, separate_positions, span2ent, span2rel, joint_label_matrix]
|
254 |
+
|
255 |
+
if cfg.embedding_model in ['bert', 'pretrained']:
|
256 |
+
fields.extend([wordpiece_tokens, wordpiece_tokens_index, wordpiece_segment_ids])
|
257 |
+
|
258 |
+
# define counter and vocabulary
|
259 |
+
counter = defaultdict(lambda: defaultdict(int))
|
260 |
+
vocab = Vocabulary()
|
261 |
+
|
262 |
+
# define instance (data sets)
|
263 |
+
train_instance = Instance(fields)
|
264 |
+
dev_instance = Instance(fields)
|
265 |
+
test_instance = Instance(fields)
|
266 |
+
|
267 |
+
# define dataset reader
|
268 |
+
max_len = {'tokens': cfg.max_sent_len, 'wordpiece_tokens': cfg.max_wordpiece_len}
|
269 |
+
ent_rel_file = json.load(open(cfg.ent_rel_file, 'r', encoding='utf-8'))
|
270 |
+
pretrained_vocab = {'ent_rel_id': ent_rel_file["id"]}
|
271 |
+
if cfg.embedding_model == 'bert':
|
272 |
+
tokenizer = BertTokenizer.from_pretrained(cfg.bert_model_name)
|
273 |
+
logger.info("Load bert tokenizer successfully.")
|
274 |
+
pretrained_vocab['wordpiece'] = tokenizer.get_vocab()
|
275 |
+
elif cfg.embedding_model == 'pretrained':
|
276 |
+
tokenizer = AutoTokenizer.from_pretrained(cfg.pretrained_model_name)
|
277 |
+
logger.info("Load {} tokenizer successfully.".format(cfg.pretrained_model_name))
|
278 |
+
pretrained_vocab['wordpiece'] = tokenizer.get_vocab()
|
279 |
+
ace_train_reader = OIE4ReaderForJointDecoding(cfg.train_file, False, max_len)
|
280 |
+
ace_dev_reader = OIE4ReaderForJointDecoding(cfg.dev_file, False, max_len)
|
281 |
+
ace_test_reader = OIE4ReaderForJointDecoding(cfg.test_file, False, max_len)
|
282 |
+
|
283 |
+
# define dataset
|
284 |
+
ace_dataset = Dataset("OIE4")
|
285 |
+
ace_dataset.add_instance("train", train_instance, ace_train_reader, is_count=True, is_train=True)
|
286 |
+
ace_dataset.add_instance("dev", dev_instance, ace_dev_reader, is_count=True, is_train=False)
|
287 |
+
ace_dataset.add_instance("test", test_instance, ace_test_reader, is_count=True, is_train=False)
|
288 |
+
|
289 |
+
min_count = {"tokens": 1}
|
290 |
+
no_pad_namespace = ["ent_rel_id"]
|
291 |
+
no_unk_namespace = ["ent_rel_id"]
|
292 |
+
contain_pad_namespace = {"wordpiece": tokenizer.pad_token}
|
293 |
+
contain_unk_namespace = {"wordpiece": tokenizer.unk_token}
|
294 |
+
ace_dataset.build_dataset(vocab=vocab,
|
295 |
+
counter=counter,
|
296 |
+
min_count=min_count,
|
297 |
+
pretrained_vocab=pretrained_vocab,
|
298 |
+
no_pad_namespace=no_pad_namespace,
|
299 |
+
no_unk_namespace=no_unk_namespace,
|
300 |
+
contain_pad_namespace=contain_pad_namespace,
|
301 |
+
contain_unk_namespace=contain_unk_namespace)
|
302 |
+
wo_padding_namespace = ["separate_positions", "span2ent", "span2rel"]
|
303 |
+
ace_dataset.set_wo_padding_namespace(wo_padding_namespace=wo_padding_namespace)
|
304 |
+
|
305 |
+
if cfg.test:
|
306 |
+
vocab = Vocabulary.load(cfg.constituent_vocab)
|
307 |
+
else:
|
308 |
+
vocab.save(cfg.constituent_vocab)
|
309 |
+
|
310 |
+
# joint model
|
311 |
+
model = EntRelJointDecoder(cfg=cfg, vocab=vocab, ent_rel_file=ent_rel_file)
|
312 |
+
|
313 |
+
# test the constituent extraction model
|
314 |
+
if cfg.test and os.path.exists(cfg.constituent_model_path):
|
315 |
+
state_dict = torch.load(open(cfg.constituent_model_path, 'rb'), map_location=lambda storage, loc: storage)
|
316 |
+
model.load_state_dict(state_dict)
|
317 |
+
logger.info("Loading best training model {} successfully for testing the constituent model.".format(cfg.constituent_model_path))
|
318 |
+
|
319 |
+
if cfg.device > -1:
|
320 |
+
model.cuda(device=cfg.device)
|
321 |
+
|
322 |
+
if cfg.test:
|
323 |
+
dev(cfg, ace_dataset, model)
|
324 |
+
test(cfg, ace_dataset, model)
|
325 |
+
else:
|
326 |
+
train(cfg, ace_dataset, model)
|
327 |
+
|
328 |
+
|
329 |
+
if __name__ == '__main__':
|
330 |
+
main()
|
constituent_model_config.yml
ADDED
@@ -0,0 +1,43 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
save_dir: save_results/
|
2 |
+
|
3 |
+
data_dir: data/OIE2016(processed)/constituent_model/
|
4 |
+
train_file: train.json
|
5 |
+
dev_file: dev.json
|
6 |
+
test_file: test.json
|
7 |
+
ent_rel_file: data/ent_rel_file.json
|
8 |
+
max_sent_len: 512
|
9 |
+
max_wordpiece_len: 512
|
10 |
+
|
11 |
+
embedding_model: pretrained
|
12 |
+
pretrained_model_name: bert-base-uncased
|
13 |
+
mlp_hidden_size: 150
|
14 |
+
max_span_length: 10
|
15 |
+
dropout: 0.4
|
16 |
+
logit_dropout: 0.2
|
17 |
+
bert_model_name: bert-base-uncased
|
18 |
+
bert_output_size: 0
|
19 |
+
bert_dropout: 0.0
|
20 |
+
separate_threshold: 1.2
|
21 |
+
|
22 |
+
gradient_clipping: 5.0
|
23 |
+
learning_rate: 5e-5
|
24 |
+
bert_learning_rate: 5e-5
|
25 |
+
lr_decay_rate: 0.9
|
26 |
+
adam_beta1: 0.9
|
27 |
+
adam_beta2: 0.9
|
28 |
+
adam_epsilon: 1e-12
|
29 |
+
adam_weight_decay_rate: 1e-5
|
30 |
+
adam_bert_weight_decay_rate: 1e-5
|
31 |
+
|
32 |
+
seed: 5216
|
33 |
+
epochs: 300
|
34 |
+
pretrain_epochs: 10
|
35 |
+
warmup_rate: 0.2
|
36 |
+
early_stop: 30
|
37 |
+
train_batch_size: 32
|
38 |
+
test_batch_size: 32
|
39 |
+
gradient_accumulation_steps: 1
|
40 |
+
logging_steps: 32
|
41 |
+
validate_every: 4032
|
42 |
+
device: 0
|
43 |
+
log_file: constituent_model_train.log
|
data/OIE2016(processed)/constituent_model/ent_rel_file.json
ADDED
@@ -0,0 +1,26 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"id": {
|
3 |
+
"None": 0,
|
4 |
+
"Argument": 1,
|
5 |
+
"Relation": 2,
|
6 |
+
"Subject": 3,
|
7 |
+
"Object": 4
|
8 |
+
},
|
9 |
+
"entity": [
|
10 |
+
1,
|
11 |
+
2
|
12 |
+
],
|
13 |
+
"relation": [
|
14 |
+
3,
|
15 |
+
4
|
16 |
+
],
|
17 |
+
"symmetric": [
|
18 |
+
1,
|
19 |
+
2,
|
20 |
+
3,
|
21 |
+
4
|
22 |
+
],
|
23 |
+
"asymmetric": [
|
24 |
+
],
|
25 |
+
"count": []
|
26 |
+
}
|
data/OIE2016(processed)/constituent_model/process_constituent_data.py
ADDED
@@ -0,0 +1,99 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import json
|
2 |
+
import random
|
3 |
+
import sys
|
4 |
+
from transformers import AutoTokenizer
|
5 |
+
|
6 |
+
|
7 |
+
def add_joint_label(ext, ent_rel_id):
|
8 |
+
"""add_joint_label add joint labels for sentences
|
9 |
+
"""
|
10 |
+
|
11 |
+
none_id = ent_rel_id['None']
|
12 |
+
sentence_length = len(ext['sentText'].split(' '))
|
13 |
+
label_matrix = [[none_id for j in range(sentence_length)] for i in range(sentence_length)]
|
14 |
+
ent2offset = {}
|
15 |
+
for ent in ext['entityMentions']:
|
16 |
+
ent2offset[ent['emId']] = ent['span_ids']
|
17 |
+
try:
|
18 |
+
for i in ent['span_ids']:
|
19 |
+
for j in ent['span_ids']:
|
20 |
+
label_matrix[i][j] = ent_rel_id[ent['label']]
|
21 |
+
except:
|
22 |
+
sys.exit(1)
|
23 |
+
for rel in ext['relationMentions']:
|
24 |
+
arg1_span = ent2offset[rel['arg1']['emId']]
|
25 |
+
arg2_span = ent2offset[rel['arg2']['emId']]
|
26 |
+
|
27 |
+
for i in arg1_span:
|
28 |
+
for j in arg2_span:
|
29 |
+
# symmetric relations
|
30 |
+
label_matrix[i][j] = ent_rel_id[rel['label']]
|
31 |
+
label_matrix[j][i] = ent_rel_id[rel['label']]
|
32 |
+
ext['jointLabelMatrix'] = label_matrix
|
33 |
+
|
34 |
+
|
35 |
+
def tokenize_sentences(ext, tokenizer):
|
36 |
+
cls = tokenizer.cls_token
|
37 |
+
sep = tokenizer.sep_token
|
38 |
+
wordpiece_tokens = [cls]
|
39 |
+
|
40 |
+
wordpiece_tokens_index = []
|
41 |
+
cur_index = len(wordpiece_tokens)
|
42 |
+
for token in ext['sentence'].split(' '):
|
43 |
+
tokenized_token = list(tokenizer.tokenize(token))
|
44 |
+
wordpiece_tokens.extend(tokenized_token)
|
45 |
+
wordpiece_tokens_index.append([cur_index, cur_index + len(tokenized_token)])
|
46 |
+
cur_index += len(tokenized_token)
|
47 |
+
wordpiece_tokens.append(sep)
|
48 |
+
|
49 |
+
wordpiece_segment_ids = [1] * (len(wordpiece_tokens))
|
50 |
+
|
51 |
+
return {
|
52 |
+
'sentId': ext['sentId'],
|
53 |
+
'sentText': ext['sentence'],
|
54 |
+
'entityMentions': ext['entityMentions'],
|
55 |
+
'relationMentions': ext['relationMentions'],
|
56 |
+
'extractionMentions': ext['extractionMentions'],
|
57 |
+
'wordpieceSentText': " ".join(wordpiece_tokens),
|
58 |
+
'wordpieceTokensIndex': wordpiece_tokens_index,
|
59 |
+
'wordpieceSegmentIds': wordpiece_segment_ids
|
60 |
+
}
|
61 |
+
|
62 |
+
|
63 |
+
def write_dataset_to_file(dataset, dataset_path):
|
64 |
+
print("dataset: {}, size: {}".format(dataset_path, len(dataset)))
|
65 |
+
with open(dataset_path, 'w', encoding='utf-8') as fout:
|
66 |
+
for idx, ext in enumerate(dataset):
|
67 |
+
fout.write(json.dumps(ext))
|
68 |
+
if idx != len(dataset) - 1:
|
69 |
+
fout.write('\n')
|
70 |
+
|
71 |
+
|
72 |
+
def process(source_file, ent_rel_file, target_file, pretrained_model, max_length=50):
|
73 |
+
extractions_list = []
|
74 |
+
auto_tokenizer = AutoTokenizer.from_pretrained(pretrained_model)
|
75 |
+
print("Load {} tokenizer successfully.".format(pretrained_model))
|
76 |
+
|
77 |
+
ent_rel_id = json.load(open(ent_rel_file, 'r', encoding='utf-8'))["id"]
|
78 |
+
|
79 |
+
with open(source_file, 'r', encoding='utf-8') as fin, open(target_file, 'w', encoding='utf-8') as fout:
|
80 |
+
for line in fin:
|
81 |
+
ext = json.loads(line.strip())
|
82 |
+
ext_dict = tokenize_sentences(ext, auto_tokenizer)
|
83 |
+
add_joint_label(ext_dict, ent_rel_id)
|
84 |
+
extractions_list.append(ext_dict)
|
85 |
+
fout.write(json.dumps(ext_dict))
|
86 |
+
fout.write('\n')
|
87 |
+
|
88 |
+
# shuffle and split to train/test/dev
|
89 |
+
random.shuffle(extractions_list)
|
90 |
+
train_set = extractions_list[:len(extractions_list) - 700]
|
91 |
+
dev_set = extractions_list[-700:-200]
|
92 |
+
test_set = extractions_list[-200:]
|
93 |
+
write_dataset_to_file(train_set, "joint_model_data_albert/train.json")
|
94 |
+
write_dataset_to_file(dev_set, "joint_model_data_albert/dev.json")
|
95 |
+
write_dataset_to_file(test_set, "joint_model_data_albert/test.json")
|
96 |
+
|
97 |
+
|
98 |
+
if __name__ == '__main__':
|
99 |
+
process("../benchmark.json", "ent_rel_file.json", "constituent_model_data.json", "bert-base-uncased")
|
data/OIE2016(processed)/relation_model/process_linking_data.py
ADDED
@@ -0,0 +1,160 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import json
|
2 |
+
import os
|
3 |
+
from collections import defaultdict
|
4 |
+
import random
|
5 |
+
|
6 |
+
from transformers import AutoTokenizer
|
7 |
+
|
8 |
+
|
9 |
+
def add_marker_tokens(tokenizer, ner_labels):
|
10 |
+
new_tokens = ['<START>', '<END>']
|
11 |
+
for label in ner_labels:
|
12 |
+
new_tokens.append('<START=%s>'%label)
|
13 |
+
new_tokens.append('<END=%s>'%label)
|
14 |
+
tokenizer.add_tokens(new_tokens)
|
15 |
+
print('# vocab after adding markers: %d'%len(tokenizer))
|
16 |
+
|
17 |
+
|
18 |
+
def tokenize_sentences(ext, tokenizer, special_tokens, rel_file):
|
19 |
+
rel_indices = {}
|
20 |
+
arg_indices = {}
|
21 |
+
label_ids = []
|
22 |
+
|
23 |
+
def get_special_token(w):
|
24 |
+
if w not in special_tokens:
|
25 |
+
special_tokens[w] = ('<' + w + '>').lower()
|
26 |
+
return special_tokens[w]
|
27 |
+
|
28 |
+
cls = tokenizer.cls_token
|
29 |
+
sep = tokenizer.sep_token
|
30 |
+
wordpiece_tokens = [cls]
|
31 |
+
wordpiece_tokens_index = []
|
32 |
+
cur_index = len(wordpiece_tokens)
|
33 |
+
|
34 |
+
Argument_START_NER = get_special_token("START=Argument")
|
35 |
+
Argument_END_NER = get_special_token("END=Argument")
|
36 |
+
Relation_START_NER = get_special_token("START=Relation")
|
37 |
+
Relation_END_NER = get_special_token("END=Relation")
|
38 |
+
|
39 |
+
ent2offset = {}
|
40 |
+
for ent in ext['entityMentions']:
|
41 |
+
ent2offset[ent['emId']] = ent['span_ids']
|
42 |
+
|
43 |
+
argument_start_ids = []
|
44 |
+
argument_end_ids = []
|
45 |
+
relation_start_ids = []
|
46 |
+
# add negative relations as well (label = 0)
|
47 |
+
relation_end_ids = []
|
48 |
+
entity_set = set()
|
49 |
+
relation2entity = defaultdict(set)
|
50 |
+
for rel in ext['relationMentions']:
|
51 |
+
relation_span = ent2offset[rel['arg1']['emId']]
|
52 |
+
relation_start_ids.append(relation_span[0])
|
53 |
+
relation_end_ids.append(relation_span[-1])
|
54 |
+
argument_span = ent2offset[rel['arg2']['emId']]
|
55 |
+
argument_start_ids.append(argument_span[0])
|
56 |
+
argument_end_ids.append(argument_span[-1])
|
57 |
+
label_ids.append(rel_file["id"][rel['label']])
|
58 |
+
# add negative sampling
|
59 |
+
relation2entity[relation_start_ids[-1]].add(argument_start_ids[-1])
|
60 |
+
entity_set.add(argument_start_ids[-1])
|
61 |
+
|
62 |
+
for i, token in enumerate(ext['sentence'].split(' ')):
|
63 |
+
if i in relation_start_ids:
|
64 |
+
rel_indices[i] = len(wordpiece_tokens)
|
65 |
+
wordpiece_tokens.append(Relation_START_NER)
|
66 |
+
wordpiece_tokens_index.append([cur_index, cur_index + 1])
|
67 |
+
cur_index += 1
|
68 |
+
if i in argument_start_ids:
|
69 |
+
arg_indices[i] = len(wordpiece_tokens)
|
70 |
+
wordpiece_tokens.append(Argument_START_NER)
|
71 |
+
wordpiece_tokens_index.append([cur_index, cur_index + 1])
|
72 |
+
cur_index += 1
|
73 |
+
|
74 |
+
tokenized_token = list(tokenizer.tokenize(token))
|
75 |
+
wordpiece_tokens.extend(tokenized_token)
|
76 |
+
wordpiece_tokens_index.append([cur_index, cur_index + len(tokenized_token)])
|
77 |
+
cur_index += len(tokenized_token)
|
78 |
+
|
79 |
+
if i in relation_end_ids:
|
80 |
+
wordpiece_tokens.append(Relation_END_NER)
|
81 |
+
wordpiece_tokens_index.append([cur_index, cur_index + 1])
|
82 |
+
cur_index += 1
|
83 |
+
if i in argument_end_ids:
|
84 |
+
wordpiece_tokens.append(Argument_END_NER)
|
85 |
+
wordpiece_tokens_index.append([cur_index, cur_index + 1])
|
86 |
+
cur_index += 1
|
87 |
+
|
88 |
+
wordpiece_tokens.append(sep)
|
89 |
+
wordpiece_segment_ids = [1] * (len(wordpiece_tokens))
|
90 |
+
assert len(argument_start_ids) == len(relation_start_ids)
|
91 |
+
assert len(argument_start_ids) == len(label_ids)
|
92 |
+
|
93 |
+
# add negative relations with label 0
|
94 |
+
for rel, args in relation2entity.items():
|
95 |
+
negative_args = list(entity_set.difference(args))
|
96 |
+
for i in range(len(negative_args) // 3):
|
97 |
+
arg_index = random.randint(0, len(negative_args) - 1)
|
98 |
+
relation_start_ids.append(rel)
|
99 |
+
argument_start_ids.append(negative_args[arg_index])
|
100 |
+
label_ids.append(0)
|
101 |
+
|
102 |
+
return {
|
103 |
+
'sentId': ext['sentId'],
|
104 |
+
'sentText': ext['sentence'],
|
105 |
+
'entityMentions': ext['entityMentions'],
|
106 |
+
'relationMentions': ext['relationMentions'],
|
107 |
+
'extractionMentions': ext['extractionMentions'],
|
108 |
+
'labelIds': label_ids,
|
109 |
+
'relationIds': [rel_indices[r] for r in relation_start_ids],
|
110 |
+
'argumentIds': [arg_indices[a] for a in argument_start_ids],
|
111 |
+
'wordpieceSentText': " ".join(wordpiece_tokens),
|
112 |
+
'wordpieceTokensIndex': wordpiece_tokens_index,
|
113 |
+
'wordpieceSegmentIds': wordpiece_segment_ids
|
114 |
+
}
|
115 |
+
|
116 |
+
|
117 |
+
def write_dataset_to_file(dataset, dataset_path):
|
118 |
+
print("dataset: {}, size: {}".format(dataset_path, len(dataset)))
|
119 |
+
with open(dataset_path, 'w', encoding='utf-8') as fout:
|
120 |
+
for idx, ext in enumerate(dataset):
|
121 |
+
fout.write(json.dumps(ext))
|
122 |
+
if idx != len(dataset) - 1:
|
123 |
+
fout.write('\n')
|
124 |
+
|
125 |
+
|
126 |
+
def process(source_file, rel_file, target_file, pretrained_model):
|
127 |
+
extractions_list = []
|
128 |
+
auto_tokenizer = AutoTokenizer.from_pretrained(pretrained_model)
|
129 |
+
print("Load {} tokenizer successfully.".format(pretrained_model))
|
130 |
+
|
131 |
+
rel_id_file = json.load(open(rel_file, 'r', encoding='utf-8'))
|
132 |
+
add_marker_tokens(auto_tokenizer, rel_id_file["entity_text"])
|
133 |
+
|
134 |
+
if os.path.exists('special_tokens.json'):
|
135 |
+
with open('special_tokens.json', 'r') as f:
|
136 |
+
special_tokens = json.load(f)
|
137 |
+
else:
|
138 |
+
raise FileNotFoundError
|
139 |
+
|
140 |
+
with open(source_file, 'r', encoding='utf-8') as fin, open(target_file, 'w', encoding='utf-8') as fout:
|
141 |
+
for line in fin:
|
142 |
+
ext = json.loads(line.strip())
|
143 |
+
ext_dict = tokenize_sentences(ext, auto_tokenizer, special_tokens, rel_id_file)
|
144 |
+
extractions_list.append(ext_dict)
|
145 |
+
fout.write(json.dumps(ext_dict))
|
146 |
+
fout.write('\n')
|
147 |
+
|
148 |
+
# shuffle and split to train/test/dev
|
149 |
+
random.seed(100)
|
150 |
+
random.shuffle(extractions_list)
|
151 |
+
train_set = extractions_list[:len(extractions_list) - 700]
|
152 |
+
dev_set = extractions_list[-700:-200]
|
153 |
+
test_set = extractions_list[-200:]
|
154 |
+
write_dataset_to_file(train_set, "train.json")
|
155 |
+
write_dataset_to_file(dev_set, "devs.json")
|
156 |
+
write_dataset_to_file(test_set, "test.json")
|
157 |
+
|
158 |
+
|
159 |
+
if __name__ == '__main__':
|
160 |
+
process("../benchmark.json", "rel_file.json", "relation_model_data.json", "bert-base-uncased")
|
data/OIE2016(processed)/relation_model/rel_file.json
ADDED
@@ -0,0 +1,26 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"id": {
|
3 |
+
"None": 0,
|
4 |
+
"Subject": 1,
|
5 |
+
"Object": 2
|
6 |
+
},
|
7 |
+
"entity_text": [
|
8 |
+
"Argument",
|
9 |
+
"Relation"
|
10 |
+
],
|
11 |
+
"relation_text": [
|
12 |
+
"Subject",
|
13 |
+
"Object"
|
14 |
+
],
|
15 |
+
"relation": [
|
16 |
+
1,
|
17 |
+
2
|
18 |
+
],
|
19 |
+
"symmetric": [
|
20 |
+
1,
|
21 |
+
2
|
22 |
+
],
|
23 |
+
"asymmetric": [
|
24 |
+
],
|
25 |
+
"count": []
|
26 |
+
}
|
data/OIE2016(processed)/relation_model/special_tokens.json
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"is": "[unused1]",
|
3 |
+
"of": "[unused2]",
|
4 |
+
"from": "[unused3]",
|
5 |
+
";": "[unused4]",
|
6 |
+
"and": "[unused5]",
|
7 |
+
"that": "[unused6]"
|
8 |
+
}
|
data/Readme.md
ADDED
@@ -0,0 +1,39 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
## Dataset Processing
|
2 |
+
|
3 |
+
### Our Benchmark (processed OIE2016)
|
4 |
+
|
5 |
+
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)).
|
6 |
+
Secondly, split out the train, development, test set for the constituent extraction model by running:
|
7 |
+
```
|
8 |
+
cd OIE2016(processed)/constituent_model
|
9 |
+
python process_constituent_data.py
|
10 |
+
```
|
11 |
+
Lastly, split out the train, development, test set for the constituent linking model by running:
|
12 |
+
```
|
13 |
+
cd OIE2016(processed)/relation_model
|
14 |
+
python process_linking_data.py
|
15 |
+
```
|
16 |
+
Note that the data folders for training each model are set to the ones mentioned above.
|
17 |
+
|
18 |
+
### Evaluation Benchmarks
|
19 |
+
|
20 |
+
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.
|
21 |
+
To get the final data (json format) for these benchmarks, run:
|
22 |
+
|
23 |
+
```bash
|
24 |
+
./process_test_data.sh
|
25 |
+
```
|
26 |
+
|
27 |
+
### Other files
|
28 |
+
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.
|
29 |
+
Therefore, input new test files (`source_file.txt`), produce the conjunction file (`conjunctions.txt`) and then run:
|
30 |
+
```
|
31 |
+
python process.py --source_file source_file.txt --target_file output.json --conjunctions_file conjunctions.txt
|
32 |
+
```
|
33 |
+
### Compactness measurement
|
34 |
+
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:
|
35 |
+
```
|
36 |
+
python compactness_measurements.py
|
37 |
+
```
|
38 |
+
|
39 |
+
|
data/compactness_measurements.py
ADDED
@@ -0,0 +1,111 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import pandas as pd
|
2 |
+
import stanza
|
3 |
+
|
4 |
+
nlp = stanza.Pipeline(lang='en', processors='tokenize,pos,lemma,depparse')
|
5 |
+
articles = ['a', 'an', 'the']
|
6 |
+
|
7 |
+
# input file is the compactIE output extractions on a set of sentences. set this variable accordingly.
|
8 |
+
INPUT_FILE = 'compactIE_predictions.txt'
|
9 |
+
|
10 |
+
|
11 |
+
def verb_count(part, sent):
|
12 |
+
s_doc = nlp(sent)
|
13 |
+
text2token = {}
|
14 |
+
for i in range(len(s_doc.sentences)):
|
15 |
+
tokens = [word.to_dict() for word in s_doc.sentences[i].words]
|
16 |
+
for t in tokens:
|
17 |
+
text2token[t["text"]] = t
|
18 |
+
doc = nlp(part)
|
19 |
+
doc = doc.sentences[0]
|
20 |
+
tokens = [word.to_dict() for word in doc.words]
|
21 |
+
verbs = 0
|
22 |
+
for token in tokens:
|
23 |
+
if (token['upos'] == 'VERB' and (token['deprel'] not in ['xcomp', 'amod', 'case', 'obl'])) or (token['upos'] == "AUX" and token['deprel'] == 'cop'):
|
24 |
+
try:
|
25 |
+
if text2token[token["text"]]["deprel"] == token['deprel']:
|
26 |
+
# print(token["text"], token["deprel"])
|
27 |
+
verbs += 1
|
28 |
+
except:
|
29 |
+
continue
|
30 |
+
return verbs
|
31 |
+
|
32 |
+
|
33 |
+
def clausal_constituents(extraction):
|
34 |
+
clausal_consts = 0
|
35 |
+
if extraction["predicate"].strip() != "":
|
36 |
+
pred_count = verb_count(extraction["predicate"], extraction["sentence"])
|
37 |
+
if pred_count > 1:
|
38 |
+
clausal_consts += pred_count - 1
|
39 |
+
|
40 |
+
if extraction["subject"].strip() != "":
|
41 |
+
clausal_consts += verb_count(extraction["subject"], extraction["sentence"])
|
42 |
+
|
43 |
+
if extraction["object"].strip() != "":
|
44 |
+
clausal_consts += verb_count(extraction["object"], extraction["sentence"])
|
45 |
+
# if clausal_consts > 0:
|
46 |
+
# print("clausal consts within extraction: ", extraction["subject"], extraction["predicate"], extraction["object"], clausal_consts)
|
47 |
+
return clausal_consts
|
48 |
+
|
49 |
+
|
50 |
+
if __name__ == "__main__":
|
51 |
+
extractions_df = pd.DataFrame(columns=["sentence", "subject", "predicate", "object"])
|
52 |
+
|
53 |
+
with open(INPUT_FILE, 'r') as f:
|
54 |
+
lines = f.readlines()
|
55 |
+
|
56 |
+
sentences = set()
|
57 |
+
for line in lines:
|
58 |
+
sentence, ext, score = line.split('\t')
|
59 |
+
sentences.add(sentence)
|
60 |
+
try:
|
61 |
+
arg1 = ext[ext.index('<arg1>') + 6:ext.index('</arg1>')]
|
62 |
+
except:
|
63 |
+
arg1 = ""
|
64 |
+
try:
|
65 |
+
rel = ext[ext.index('<rel>') + 5:ext.index('</rel>')]
|
66 |
+
except:
|
67 |
+
rel = ""
|
68 |
+
try:
|
69 |
+
arg2 = ext[ext.index('<arg2>') + 6:ext.index('</arg2>')]
|
70 |
+
except:
|
71 |
+
arg2 = ""
|
72 |
+
row = pd.DataFrame(
|
73 |
+
{"sentence": [sentence],
|
74 |
+
"subject": [arg1],
|
75 |
+
"predicate": [rel],
|
76 |
+
"object": [arg2]}
|
77 |
+
)
|
78 |
+
extractions_df = pd.concat([extractions_df, row])
|
79 |
+
|
80 |
+
# overlapping arguments
|
81 |
+
grouped_df = extractions_df.groupby("sentence")
|
82 |
+
total_number_of_arguments = 0
|
83 |
+
number_of_unique_arguments = 0
|
84 |
+
num_of_sentences = len(grouped_df.groups.keys())
|
85 |
+
for sent in grouped_df.groups.keys():
|
86 |
+
per_sentence_argument_set = set()
|
87 |
+
sen_group = grouped_df.get_group(sent).reset_index(drop=True)
|
88 |
+
extractions_list = list(sen_group.T.to_dict().values())
|
89 |
+
for extr in extractions_list:
|
90 |
+
if extr["subject"] not in ['', 'nan']:
|
91 |
+
total_number_of_arguments += 1
|
92 |
+
per_sentence_argument_set.add(extr["subject"])
|
93 |
+
if extr["object"] not in ['', 'nan']:
|
94 |
+
total_number_of_arguments += 1
|
95 |
+
per_sentence_argument_set.add(extr["object"])
|
96 |
+
number_of_unique_arguments += len(per_sentence_argument_set)
|
97 |
+
|
98 |
+
print("average # repetitions per argument: {}".format(total_number_of_arguments/number_of_unique_arguments))
|
99 |
+
print("average # extractions per sentence: {}".format(extractions_df.shape[0]/len(sentences)))
|
100 |
+
avg_arguments_size = 0.0
|
101 |
+
for sent in sentences:
|
102 |
+
extractions_per_sent = extractions_df[extractions_df["sentence"] == sent]
|
103 |
+
|
104 |
+
sent_extractions = extractions_per_sent.shape[0]
|
105 |
+
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)
|
106 |
+
avg_arguments_size += sum(extractions_per_sent["avg_arg_length"].values.tolist()) / extractions_per_sent.shape[0]
|
107 |
+
|
108 |
+
print("average length of constituents (per sentence, per extraction): ", avg_arguments_size/len(sentences))
|
109 |
+
extractions_df["clause_counts"] = extractions_df.apply(lambda r: clausal_constituents(r), axis=1)
|
110 |
+
avg_clause_count = sum(extractions_df["clause_counts"].values.tolist()) / len(sentences)
|
111 |
+
print("number of verbal clauses within arguments: ", avg_clause_count)
|
data/ent_rel_file.json
ADDED
@@ -0,0 +1,26 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"id": {
|
3 |
+
"None": 0,
|
4 |
+
"Argument": 1,
|
5 |
+
"Relation": 2,
|
6 |
+
"Subject": 3,
|
7 |
+
"Object": 4
|
8 |
+
},
|
9 |
+
"entity": [
|
10 |
+
1,
|
11 |
+
2
|
12 |
+
],
|
13 |
+
"relation": [
|
14 |
+
3,
|
15 |
+
4
|
16 |
+
],
|
17 |
+
"symmetric": [
|
18 |
+
1,
|
19 |
+
2,
|
20 |
+
3,
|
21 |
+
4
|
22 |
+
],
|
23 |
+
"asymmetric": [
|
24 |
+
],
|
25 |
+
"count": []
|
26 |
+
}
|
data/evaluation_data/benchIE/benchIE_conjunctions.txt
ADDED
@@ -0,0 +1,1210 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia .
|
2 |
+
He served as the first Prime Minister of Australia .
|
3 |
+
He became a founding justice of the High Court of Australia .
|
4 |
+
|
5 |
+
Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours .
|
6 |
+
Graner handcuffed him to the bars of a cell window for nearly five hours .
|
7 |
+
Graner left him there , feet dangling off the floor , for nearly five hours .
|
8 |
+
|
9 |
+
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 .
|
10 |
+
It deals with cases of fraud in relation to tax credits , cases involving United Nations trade sanctions .
|
11 |
+
It deals with cases of fraud in relation to tax credits , cases involving conflict diamonds .
|
12 |
+
It deals with cases of fraud in relation to tax credits , cases involving CITES .
|
13 |
+
It deals with cases of fraud in relation to drug smuggling , cases involving United Nations trade sanctions .
|
14 |
+
It deals with cases of fraud in relation to drug smuggling , cases involving conflict diamonds .
|
15 |
+
It deals with cases of fraud in relation to drug smuggling , cases involving CITES .
|
16 |
+
It deals with cases of fraud in relation to money laundering , cases involving United Nations trade sanctions .
|
17 |
+
It deals with cases of fraud in relation to money laundering , cases involving conflict diamonds .
|
18 |
+
It deals with cases of fraud in relation to money laundering , cases involving CITES .
|
19 |
+
It deals with cases of fraud in relation to direct taxes , cases involving United Nations trade sanctions .
|
20 |
+
It deals with cases of fraud in relation to indirect taxes , cases involving United Nations trade sanctions .
|
21 |
+
It deals with cases of fraud in relation to direct taxes , cases involving conflict diamonds .
|
22 |
+
It deals with cases of fraud in relation to indirect taxes , cases involving conflict diamonds .
|
23 |
+
It deals with cases of fraud in relation to direct taxes , cases involving CITES .
|
24 |
+
It deals with cases of fraud in relation to indirect taxes , cases involving CITES .
|
25 |
+
|
26 |
+
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 .
|
27 |
+
Because of this association , St. Michael was considered to be the patron saint of colonial Maryland .
|
28 |
+
Because of this association , St. Michael as such was honored by the river being named for him .
|
29 |
+
|
30 |
+
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 .
|
31 |
+
The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon spoof adverts .
|
32 |
+
The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon short sketches .
|
33 |
+
The show was designed to appear as if the viewer was channel surfing through a multi-channel wasteland , happening upon recurring show elements .
|
34 |
+
|
35 |
+
Several years later the remaining trackage at Charles City was abandoned .
|
36 |
+
|
37 |
+
|
38 |
+
Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it .
|
39 |
+
Dr. Jagan himself was personally involved in the organization of the strike .
|
40 |
+
Dr. Jagan himself helped to raise funds across the country to it .
|
41 |
+
|
42 |
+
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 .
|
43 |
+
|
44 |
+
|
45 |
+
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 .
|
46 |
+
Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then cut into smaller pieces .
|
47 |
+
Instead of ablating the tissue , the laser cuts a portion of the prostate , which is then flushed with irrigation fluid .
|
48 |
+
|
49 |
+
`` 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 .
|
50 |
+
`` Kormoran '' was the only Axis ship to conduct attacks in Australian waters during 1941 .
|
51 |
+
`` Kormoran '' was the last Axis surface raider to enter Australian waters until 1943 .
|
52 |
+
|
53 |
+
He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah .
|
54 |
+
He were said to have made bombs for fun on the outskirts of Murray , Utah .
|
55 |
+
his friends were said to have made bombs for fun on the outskirts of Murray , Utah .
|
56 |
+
|
57 |
+
A large gravestone was erected in 1866 , over 100 years after his death .
|
58 |
+
|
59 |
+
|
60 |
+
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 .
|
61 |
+
In 1879 , he was re-elected U.S. Senator .
|
62 |
+
In 1879 , he was tipped as a Presidential candidate .
|
63 |
+
In 1879 , he died suddenly after giving a speech in Chicago .
|
64 |
+
|
65 |
+
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 .
|
66 |
+
|
67 |
+
|
68 |
+
Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site .
|
69 |
+
Each of the programs uses a combination of funding priorities to select grants , described on the foundation 's web site .
|
70 |
+
Each of the programs uses a combination of geographic requirements to select grants , described on the foundation 's web site .
|
71 |
+
|
72 |
+
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 .
|
73 |
+
The Institut Constant de Rebecque is a Swiss free-market think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant .
|
74 |
+
The Institut Constant de Rebecque is a Swiss free-market think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant .
|
75 |
+
The Institut Constant de Rebecque is a Swiss classical liberal think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant .
|
76 |
+
The Institut Constant de Rebecque is a Swiss classical liberal think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant .
|
77 |
+
The Institut Constant de Rebecque is a Swiss libertarian think tank founded in January 2005 in Lausanne , named after writer Benjamin Constant .
|
78 |
+
The Institut Constant de Rebecque is a Swiss libertarian think tank founded in January 2005 in Lausanne , named after political philosopher Benjamin Constant .
|
79 |
+
|
80 |
+
The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work .
|
81 |
+
|
82 |
+
|
83 |
+
They have a large range of possible power supplies , and can be 380V , 1000V , or even higher .
|
84 |
+
They have a large range of possible power supplies .
|
85 |
+
They can be 380V .
|
86 |
+
They can be 1000V .
|
87 |
+
They can be even higher .
|
88 |
+
|
89 |
+
She began her film career in 1947 in the film `` A New Oath '' .
|
90 |
+
|
91 |
+
|
92 |
+
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 .
|
93 |
+
The brightest star in Serpens , is a red giant of spectral type K2III located approximately away which marks the snake 's heart .
|
94 |
+
The brightest star in Alpha Serpentis , is a red giant of spectral type K2III located approximately away which marks the snake 's heart .
|
95 |
+
The brightest star in Unukalhai , is a red giant of spectral type K2III located approximately away which marks the snake 's heart .
|
96 |
+
|
97 |
+
This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness .
|
98 |
+
This manual for warriors describes the necessity for understanding an opponent 's weaknesses .
|
99 |
+
This manual for warriors describes the necessity for using spies .
|
100 |
+
This manual for warriors describes the necessity for striking in moments of weakness .
|
101 |
+
|
102 |
+
It was club policy to promote talent into the senior team that was adopted by Bill Dimovski .
|
103 |
+
|
104 |
+
|
105 |
+
Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 .
|
106 |
+
|
107 |
+
|
108 |
+
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 .
|
109 |
+
|
110 |
+
|
111 |
+
That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building .
|
112 |
+
That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel .
|
113 |
+
That night , 300 soldiers of the 1st SS Battalion were able to defeat several attacks on the building .
|
114 |
+
|
115 |
+
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 .
|
116 |
+
His son , John Crozier , Jr. , was an early aviation pioneer who began building a human-powered flying machine in the 1890s .
|
117 |
+
His son , John Crozier , Jr. , was an early aviation pioneer who was killed in a feud in Grainger County before he could complete it .
|
118 |
+
|
119 |
+
Arminius , leader of the Cherusci and allies , now had a free hand .
|
120 |
+
Arminius , leader of the Cherusci , now had a free hand .
|
121 |
+
Arminius , leader of the allies , now had a free hand .
|
122 |
+
|
123 |
+
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 .
|
124 |
+
The culture of Bhutan is fully reflected in the capital city in respect of religion .
|
125 |
+
The culture of Bhutan is fully reflected in the capital city in respect of customs .
|
126 |
+
The culture of Bhutan is fully reflected in the capital city in respect of and national dress code .
|
127 |
+
The culture of Bhutan is fully reflected in the capital city in respect of the monastic practices of the monasteries .
|
128 |
+
The culture of Bhutan is fully reflected in the capital city in respect of music .
|
129 |
+
The culture of Bhutan is fully reflected in the capital city in respect of dance .
|
130 |
+
The culture of Bhutan is fully reflected in the capital city in respect of literature .
|
131 |
+
The culture of Bhutan is fully reflected in the capital city in respect of in the media .
|
132 |
+
The culture of Bhutan is fully reflected in the capital city in respect of literature .
|
133 |
+
The culture of Bhutan is fully reflected in the capital city in respect of .
|
134 |
+
The culture of Bhutan is fully reflected in the capital city in respect of .
|
135 |
+
The culture of Bhutan is fully reflected in the capital city in respect of .
|
136 |
+
|
137 |
+
`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music .
|
138 |
+
|
139 |
+
|
140 |
+
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 .
|
141 |
+
In England , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 .
|
142 |
+
In England , as an `` attempt '' , attempted murder is an indictable offence which carries a maximum penalty of life imprisonment .
|
143 |
+
In Wales , as an `` attempt '' , attempted murder is an offence under section 1 of the Criminal Attempts Act 1981 .
|
144 |
+
In Wales , as an `` attempt '' , attempted murder is an indictable offence which carries a maximum penalty of life imprisonment .
|
145 |
+
|
146 |
+
Lugo and Lozano were released in 1993 and continue to reside in Venezuela .
|
147 |
+
Lugo were released in 1993 .
|
148 |
+
Lugo continue to reside in Venezuela .
|
149 |
+
Lozano were released in 1993 .
|
150 |
+
Lozano continue to reside in Venezuela .
|
151 |
+
|
152 |
+
Often , objects are so far away that they do not contribute significantly to the final image .
|
153 |
+
|
154 |
+
|
155 |
+
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 .
|
156 |
+
The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included educationist Peter Engelmann .
|
157 |
+
The school was founded in 1851 as the German-English Academy by a group of Milwaukee German Americans that included hardware wholesaler William Frankfurth .
|
158 |
+
|
159 |
+
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 .
|
160 |
+
They held the first Triangle workshop in 1982 for thirty sculptors from the US at Pine Plains , New York .
|
161 |
+
They held the first Triangle workshop in 1982 for thirty sculptors from the UK at Pine Plains , New York .
|
162 |
+
They held the first Triangle workshop in 1982 for thirty sculptors from Canada at Pine Plains , New York .
|
163 |
+
They held the first Triangle workshop in 1982 for thirty painters from the US at Pine Plains , New York .
|
164 |
+
They held the first Triangle workshop in 1982 for thirty painters from the UK at Pine Plains , New York .
|
165 |
+
They held the first Triangle workshop in 1982 for thirty painters from Canada at Pine Plains , New York .
|
166 |
+
|
167 |
+
The town and surrounding villages were hit by two moderate earthquakes within ten years .
|
168 |
+
The town were hit by two moderate earthquakes within ten years .
|
169 |
+
surrounding villages were hit by two moderate earthquakes within ten years .
|
170 |
+
|
171 |
+
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 .
|
172 |
+
She received Ph.d degree from the department of Aerospace engineering .
|
173 |
+
She received her Master Degree in the field of Controls from I.I.T Madras .
|
174 |
+
She received her Master Degree in the field of Guidance from I.I.T Madras .
|
175 |
+
She received her Master Degree in the field of Instrumentation from I.I.T Madras .
|
176 |
+
|
177 |
+
The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance .
|
178 |
+
The theatrical flourishes she used in her stage show went beyond established burlesque routines like the fan dance .
|
179 |
+
The theatrical flourishes she used in her stage show went beyond established burlesque routines like the balloon dance .
|
180 |
+
The unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance .
|
181 |
+
The unique gimmicks she used in her stage show went beyond established burlesque routines like the balloon dance .
|
182 |
+
|
183 |
+
The RIAA lists it as one of the Best Selling Albums of All Time .
|
184 |
+
|
185 |
+
|
186 |
+
The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 .
|
187 |
+
The Cathedral were thoroughly renovated from 2006 to 2008 .
|
188 |
+
the belfry were thoroughly renovated from 2006 to 2008 .
|
189 |
+
|
190 |
+
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 .
|
191 |
+
|
192 |
+
|
193 |
+
These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration .
|
194 |
+
These screening activities include : review of group-based data .
|
195 |
+
These screening activities include : review by the Special Education administration .
|
196 |
+
These screening activities include : hearing screening .
|
197 |
+
These screening activities include : vision screening .
|
198 |
+
These screening activities include : motor screening .
|
199 |
+
These screening activities include : speech/language screening .
|
200 |
+
|
201 |
+
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 .
|
202 |
+
|
203 |
+
|
204 |
+
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 .
|
205 |
+
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 .
|
206 |
+
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 .
|
207 |
+
|
208 |
+
This is usually caused by interacting inductive and capacitive elements in the oscillator .
|
209 |
+
This is usually caused by interacting inductive elements in the oscillator .
|
210 |
+
This is usually caused by interacting capacitive elements in the oscillator .
|
211 |
+
|
212 |
+
Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 .
|
213 |
+
|
214 |
+
|
215 |
+
Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' .
|
216 |
+
Tom McMorran joined the band in 1994 after Mark Portmann left .
|
217 |
+
in August of that year the band released `` Sahara '' .
|
218 |
+
|
219 |
+
As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' .
|
220 |
+
As she reads the articles , she also makes veiled references relating to the slang use of `` beaver '' .
|
221 |
+
As she reads the articles , she also makes veiled innuendo relating to the slang use of `` beaver '' .
|
222 |
+
|
223 |
+
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 .
|
224 |
+
23.8 % of all households were made up of individuals .
|
225 |
+
13.0 % had someone living alone who was 65 years of age .
|
226 |
+
13.0 % had someone living alone who was older .
|
227 |
+
|
228 |
+
Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow .
|
229 |
+
|
230 |
+
|
231 |
+
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 .
|
232 |
+
|
233 |
+
|
234 |
+
Just above seen is a replica of a Shiva lingam .
|
235 |
+
|
236 |
+
|
237 |
+
The ninth leaf contains a circular world map measuring in circumference .
|
238 |
+
|
239 |
+
|
240 |
+
It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival .
|
241 |
+
|
242 |
+
|
243 |
+
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 .
|
244 |
+
|
245 |
+
|
246 |
+
Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps .
|
247 |
+
Many lodge members , youth , are active staff members of both Scout Scout camps .
|
248 |
+
Many lodge members , youth , are active staff members of both Cub Scout camps .
|
249 |
+
Many lodge members , adult , are active staff members of both Scout Scout camps .
|
250 |
+
Many lodge members , adult , are active staff members of both Cub Scout camps .
|
251 |
+
|
252 |
+
From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck .
|
253 |
+
|
254 |
+
|
255 |
+
These are known as Porter 's three generic strategies and can be applied to any size or form of business .
|
256 |
+
These are known as Porter 's three generic strategies .
|
257 |
+
These can be applied to any size .
|
258 |
+
These can be applied to any form of business .
|
259 |
+
|
260 |
+
For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy .
|
261 |
+
For patients who do not recover quickly , the protocol also includes support groups .
|
262 |
+
For patients who do not recover quickly , the protocol also includes psychotherapy .
|
263 |
+
|
264 |
+
They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist .
|
265 |
+
|
266 |
+
|
267 |
+
They acquired the Charles City Western on December 31 , 1963 .
|
268 |
+
|
269 |
+
|
270 |
+
Hofmann was born in Salt Lake City , Utah .
|
271 |
+
|
272 |
+
|
273 |
+
In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 .
|
274 |
+
In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate .
|
275 |
+
In 1962 , Salahuddin later from Charminar constituency in 1967 .
|
276 |
+
|
277 |
+
Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages .
|
278 |
+
Around the `` triangle area , '' which includes Quanzhou , locals all speak Minnan languages .
|
279 |
+
Around the `` triangle area , '' which includes Xiamen , locals all speak Minnan languages .
|
280 |
+
Around the `` triangle area , '' which includes Zhangzhou , locals all speak Minnan languages .
|
281 |
+
|
282 |
+
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 '' .
|
283 |
+
|
284 |
+
|
285 |
+
Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium .
|
286 |
+
|
287 |
+
|
288 |
+
A different judge then ordered the case reviewed by a higher court .
|
289 |
+
|
290 |
+
|
291 |
+
As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships .
|
292 |
+
|
293 |
+
|
294 |
+
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 .
|
295 |
+
|
296 |
+
|
297 |
+
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 .
|
298 |
+
|
299 |
+
|
300 |
+
After this she became very ill with a severe cold or pneumonia .
|
301 |
+
After this she became very ill with a severe cold .
|
302 |
+
After this she became very ill with pneumonia .
|
303 |
+
|
304 |
+
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 .
|
305 |
+
The RSNO 's base is at Henry Wood Hall in Glasgow ; a new base is being constructed within the Royal Concert Hall , Buchanan Street .
|
306 |
+
The RSNO 's base is also used as its recording venue ; a new base is being constructed within the Royal Concert Hall , Buchanan Street .
|
307 |
+
|
308 |
+
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 .
|
309 |
+
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 .
|
310 |
+
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 .
|
311 |
+
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 .
|
312 |
+
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 .
|
313 |
+
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 .
|
314 |
+
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 .
|
315 |
+
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 .
|
316 |
+
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 .
|
317 |
+
|
318 |
+
The 2005 model introduced a third row of seats to the Pathfinder line for the first time .
|
319 |
+
|
320 |
+
|
321 |
+
The district also provides recreation and leisure services to many non-residents of the area on a fee basis .
|
322 |
+
The district also provides recreation services to many non-residents of the area on a fee basis .
|
323 |
+
The district also provides leisure services to many non-residents of the area on a fee basis .
|
324 |
+
|
325 |
+
The very ease of acquiring Esperanto might even accelerate the process .
|
326 |
+
|
327 |
+
|
328 |
+
He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates .
|
329 |
+
He further stated that Hauptmann looked different .
|
330 |
+
He further stated that `` John '' was actually dead because he had been murdered by his confederates .
|
331 |
+
|
332 |
+
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 .
|
333 |
+
The RSNO also performs throughout Scotland , at such venues as the Glasgow Royal Concert Hall .
|
334 |
+
The RSNO also performs throughout Scotland , at such venues as Usher Hall .
|
335 |
+
The RSNO also performs throughout Scotland , at such venues as Caird Hall .
|
336 |
+
The RSNO also performs throughout Scotland , at such venues as Aberdeen Music Hall .
|
337 |
+
The RSNO also performs throughout Scotland , at such venues as Perth Concert Hall .
|
338 |
+
The RSNO also performs throughout Scotland , at such venues as Eden Court Inverness .
|
339 |
+
|
340 |
+
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 .
|
341 |
+
Five years later , Alvarez was reunited with his family in New York .
|
342 |
+
Five years later , his father was able to start a business in Hoboken , New Jersey .
|
343 |
+
|
344 |
+
The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves .
|
345 |
+
|
346 |
+
|
347 |
+
These tracks have subsequently been included on CD reissues of the album `` The Plan '' .
|
348 |
+
|
349 |
+
|
350 |
+
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 .
|
351 |
+
He develops significance both as a recurrent character in the series , appearing in a total of seven issues spanning six hundred years .
|
352 |
+
He develops significance both as friend to Dream , appearing in a total of seven issues spanning six hundred years .
|
353 |
+
|
354 |
+
Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson .
|
355 |
+
|
356 |
+
|
357 |
+
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 '' .
|
358 |
+
In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to The Three Stooges .
|
359 |
+
In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to Looney Tunes .
|
360 |
+
In 2010 , popular internet reviewers RedLetterMedia delivered a scathing video critique of the film , drawing negative comparisons to `` Home Alone '' .
|
361 |
+
|
362 |
+
Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings .
|
363 |
+
Within England , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings .
|
364 |
+
Within especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings .
|
365 |
+
|
366 |
+
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 .
|
367 |
+
These skills were readily proven when squadrons were mobilized during the Korean War .
|
368 |
+
These skills were readily proven when squadrons were mobilized during the Berlin Crisis .
|
369 |
+
These skills were readily proven when squadrons were recalled back to active duty during the Korean War .
|
370 |
+
These skills were readily proven when squadrons were recalled back to active duty during the Berlin Crisis .
|
371 |
+
These skills were readily proven when personnel were mobilized during the Korean War .
|
372 |
+
These skills were readily proven when personnel were mobilized during the Berlin Crisis .
|
373 |
+
These skills were readily proven when personnel were recalled back to active duty during the Korean War .
|
374 |
+
These skills were readily proven when personnel were recalled back to active duty during the Berlin Crisis .
|
375 |
+
|
376 |
+
For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge .
|
377 |
+
|
378 |
+
|
379 |
+
The doctor , Erasistratus , suspects love is behind Antiochus 's suffering .
|
380 |
+
|
381 |
+
|
382 |
+
The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines .
|
383 |
+
|
384 |
+
|
385 |
+
In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance .
|
386 |
+
In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul .
|
387 |
+
In 1717 Lady Mary Wortley Montagu attempted to popularize it in Britain .
|
388 |
+
In 1717 Lady Mary Wortley Montagu encountered considerable resistance .
|
389 |
+
|
390 |
+
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 .
|
391 |
+
|
392 |
+
|
393 |
+
He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here .
|
394 |
+
He had been at the Battle of the Granicus River .
|
395 |
+
He had believed that Memnon 's scorched Earth strategy would work here .
|
396 |
+
|
397 |
+
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 .
|
398 |
+
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 .
|
399 |
+
The film uses some computer-generated graphics : later in the film , the geese flying over Olaf 's house .
|
400 |
+
|
401 |
+
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 .
|
402 |
+
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 .
|
403 |
+
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 .
|
404 |
+
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 .
|
405 |
+
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 .
|
406 |
+
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 .
|
407 |
+
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 .
|
408 |
+
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 .
|
409 |
+
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 .
|
410 |
+
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 .
|
411 |
+
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 .
|
412 |
+
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 .
|
413 |
+
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 .
|
414 |
+
|
415 |
+
The latter was lifted only as the b-side of `` Keep on Loving Me '' .
|
416 |
+
|
417 |
+
|
418 |
+
The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega .
|
419 |
+
The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse .
|
420 |
+
The first single , `` Dreamer , '' features performances by vocalists Jasmine Roy .
|
421 |
+
The first single , `` Dreamer , '' features performances by vocalists Rebeca Vega .
|
422 |
+
|
423 |
+
QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million .
|
424 |
+
|
425 |
+
|
426 |
+
Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint .
|
427 |
+
|
428 |
+
|
429 |
+
Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie .
|
430 |
+
|
431 |
+
|
432 |
+
After a break of four years , he became a Lord Justice of Appeal .
|
433 |
+
|
434 |
+
|
435 |
+
Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... .
|
436 |
+
|
437 |
+
|
438 |
+
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 . ''
|
439 |
+
However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray overcomes these problems . ''
|
440 |
+
However , Paul Johanson , Monsanto 's director of plant sciences , said the company 's chemical spray is `` gentle on the female organ . ''
|
441 |
+
|
442 |
+
Ms. Waleson is a free - lance writer based in New York .
|
443 |
+
|
444 |
+
|
445 |
+
Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle .
|
446 |
+
|
447 |
+
|
448 |
+
Mrs. Marcos 's trial is expected to begin in March .
|
449 |
+
|
450 |
+
|
451 |
+
Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms .
|
452 |
+
Bioengineers set out to duplicate that feat -- scientifically -- with new life forms .
|
453 |
+
Bioengineers set out to duplicate that feat -- commercially -- with new life forms .
|
454 |
+
|
455 |
+
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 .
|
456 |
+
|
457 |
+
|
458 |
+
Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering .
|
459 |
+
|
460 |
+
|
461 |
+
The machine can run software written for other Mips computers , the company said .
|
462 |
+
|
463 |
+
|
464 |
+
That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period .
|
465 |
+
|
466 |
+
|
467 |
+
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 .
|
468 |
+
|
469 |
+
|
470 |
+
Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble .
|
471 |
+
|
472 |
+
|
473 |
+
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 .
|
474 |
+
|
475 |
+
|
476 |
+
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 .
|
477 |
+
the Patent Office refused to grant it .
|
478 |
+
Boyer , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique .
|
479 |
+
Cohen , for instance , both still university researchers , had to be talked into applying for a patent on their gene - splicing technique .
|
480 |
+
|
481 |
+
His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point .
|
482 |
+
|
483 |
+
|
484 |
+
`` There are some things that have gone on here that nobody can explain , '' she says .
|
485 |
+
|
486 |
+
|
487 |
+
The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year .
|
488 |
+
|
489 |
+
|
490 |
+
I worry more about things becoming so unraveled on the other side that they might become unable to negotiate .
|
491 |
+
|
492 |
+
|
493 |
+
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 .
|
494 |
+
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 .
|
495 |
+
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 .
|
496 |
+
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 .
|
497 |
+
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 .
|
498 |
+
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 .
|
499 |
+
|
500 |
+
A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan .
|
501 |
+
|
502 |
+
|
503 |
+
But it could also help American companies , which also are starting to try to open the market .
|
504 |
+
|
505 |
+
|
506 |
+
A company spokesman did n't know Mr. Wakeman 's age .
|
507 |
+
|
508 |
+
|
509 |
+
The offering , Series 109 , is backed by Freddie Mac 10 % securities .
|
510 |
+
|
511 |
+
|
512 |
+
The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points .
|
513 |
+
|
514 |
+
|
515 |
+
Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources .
|
516 |
+
|
517 |
+
|
518 |
+
`` I ca n't do anything score - wise , but I like meeting the girls . ''
|
519 |
+
`` I ca n't do anything score - wise . ''
|
520 |
+
`` I like meeting the girls . ''
|
521 |
+
|
522 |
+
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 .
|
523 |
+
New York bonds , which have been hammered in recent weeks on the pending supply , rose 1\/2 point yesterday .
|
524 |
+
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 .
|
525 |
+
|
526 |
+
Four other countries in Europe have approved Proleukin in recent months .
|
527 |
+
|
528 |
+
|
529 |
+
General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment .
|
530 |
+
General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft .
|
531 |
+
General Dynamics Corp. was given an $ 843 million Air Force contract for related equipment .
|
532 |
+
|
533 |
+
The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 .
|
534 |
+
|
535 |
+
|
536 |
+
When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons .
|
537 |
+
|
538 |
+
|
539 |
+
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 .
|
540 |
+
A Coca - Cola spokesman said it is too early to say how the joint venture would be structured .
|
541 |
+
A Coca - Cola spokesman said it is too early to say how much the company would invest in the transaction .
|
542 |
+
|
543 |
+
We just want a plan that satisfies creditors and at the end leaves a healthy Revco . ''
|
544 |
+
We just want a plan that satisfies creditors . ''
|
545 |
+
We just want a plan that at the end leaves a healthy Revco . ''
|
546 |
+
|
547 |
+
Some have been training for months ; others only recently left active status .
|
548 |
+
|
549 |
+
|
550 |
+
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 .
|
551 |
+
Merrill also said it is lobbying for significant regulatory controls on program trading , including tough margin -- or down - payment -- requirements .
|
552 |
+
Merrill also said it is lobbying for significant regulatory controls on program trading , including limits on price moves for program - driven financial futures .
|
553 |
+
|
554 |
+
He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes .
|
555 |
+
|
556 |
+
|
557 |
+
The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas .
|
558 |
+
|
559 |
+
|
560 |
+
A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem .
|
561 |
+
|
562 |
+
|
563 |
+
More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend .
|
564 |
+
|
565 |
+
|
566 |
+
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 .
|
567 |
+
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 .
|
568 |
+
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 .
|
569 |
+
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 .
|
570 |
+
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 .
|
571 |
+
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 .
|
572 |
+
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 .
|
573 |
+
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 .
|
574 |
+
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 .
|
575 |
+
|
576 |
+
RU-486 is being administered in France only under strict supervision in the presence of a doctor .
|
577 |
+
|
578 |
+
|
579 |
+
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 .
|
580 |
+
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 .
|
581 |
+
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 .
|
582 |
+
|
583 |
+
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 .
|
584 |
+
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 .
|
585 |
+
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 .
|
586 |
+
|
587 |
+
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 .
|
588 |
+
|
589 |
+
|
590 |
+
And the lawyers were just as eager as the judge to wrap it up .
|
591 |
+
|
592 |
+
|
593 |
+
Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 .
|
594 |
+
Their laboratory credentials established , Boyer headed for Wall Street in 1980 .
|
595 |
+
Their laboratory credentials established , Swanson headed for Wall Street in 1980 .
|
596 |
+
|
597 |
+
Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % .
|
598 |
+
|
599 |
+
|
600 |
+
He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . ''
|
601 |
+
|
602 |
+
|
603 |
+
`` They 're getting some major wins , '' she added .
|
604 |
+
|
605 |
+
|
606 |
+
Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc .
|
607 |
+
|
608 |
+
|
609 |
+
In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options .
|
610 |
+
In stock - index arbitrage , traders buy large amounts of stocks with offsetting trades in stock - index futures .
|
611 |
+
In stock - index arbitrage , traders buy large amounts of stocks with offsetting trades in stock - index options .
|
612 |
+
In stock - index arbitrage , traders sell large amounts of stocks with offsetting trades in stock - index futures .
|
613 |
+
In stock - index arbitrage , traders sell large amounts of stocks with offsetting trades in stock - index options .
|
614 |
+
|
615 |
+
Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff .
|
616 |
+
|
617 |
+
|
618 |
+
Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts .
|
619 |
+
Eastern are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts .
|
620 |
+
its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts .
|
621 |
+
|
622 |
+
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 .
|
623 |
+
Trek previously made only traditional road bikes , '' says Trek 's president , Dick Burke .
|
624 |
+
`` it did n't take a rocket scientist to change a road bike into a mountain bike , '' says Trek 's president , Dick Burke .
|
625 |
+
|
626 |
+
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 .
|
627 |
+
Charles O. Givens of Mount Vernon , Ind. - investment broker - bred Tennessee Walking Horses for six years .
|
628 |
+
Charles O. Givens of Mount Vernon , Ind. - investment broker - raised cattle for four .
|
629 |
+
Charles O. Givens of Mount Vernon , Ind. - investment broker - never made a profit on either .
|
630 |
+
Charles O. Givens of Mount Vernon , Ind. - ex - accountant - bred Tennessee Walking Horses for six years .
|
631 |
+
Charles O. Givens of Mount Vernon , Ind. - ex - accountant - raised cattle for four .
|
632 |
+
Charles O. Givens of Mount Vernon , Ind. - ex - accountant - never made a profit on either .
|
633 |
+
Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - bred Tennessee Walking Horses for six years .
|
634 |
+
Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - raised cattle for four .
|
635 |
+
Charles O. Givens of Mount Vernon , Ind. - son of a former stable owner - never made a profit on either .
|
636 |
+
|
637 |
+
Mr. Baker heads the Kentucky Association of Science Educators and Skeptics .
|
638 |
+
Mr. Baker heads the Kentucky Association of Science Educators .
|
639 |
+
Mr. Baker heads the Kentucky Association of Skeptics .
|
640 |
+
|
641 |
+
Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged .
|
642 |
+
|
643 |
+
|
644 |
+
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 .
|
645 |
+
Moreover , such a sale could help Armstrong reassure its investors .
|
646 |
+
Moreover , such a sale could help Armstrong deter the Belzbergs , who own a 9.85 % stake in the Lancaster , Pa. , company .
|
647 |
+
|
648 |
+
He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective .
|
649 |
+
He showed up with a carpenter 's level .
|
650 |
+
He carefully measured every surface .
|
651 |
+
He showed how the apparent shrinkage was caused by the perspective .
|
652 |
+
|
653 |
+
A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor .
|
654 |
+
A cafeteria is also located on the sixth floor .
|
655 |
+
a chapel on the 14th floor .
|
656 |
+
a study hall on the 15th floor .
|
657 |
+
|
658 |
+
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 .
|
659 |
+
|
660 |
+
|
661 |
+
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 .
|
662 |
+
According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the region of Samaria .
|
663 |
+
According to Samaritan tradition , however , the Samaritan ethnonym is not derived from the fact that they were the `` Guardians '' of the true Israelite religion .
|
664 |
+
|
665 |
+
Applying this technique facilitates the connection of the center of the foot with the lower abdomen .
|
666 |
+
|
667 |
+
|
668 |
+
As a result , the lower river had to be dredged three times in two years .
|
669 |
+
|
670 |
+
|
671 |
+
Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child .
|
672 |
+
Barbara , however , unable to leave behind her vigilante life , fought a mugger .
|
673 |
+
Barbara , however , unable to leave behind her vigilante life , ultimately miscarried her child .
|
674 |
+
|
675 |
+
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 '' .
|
676 |
+
|
677 |
+
|
678 |
+
Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves .
|
679 |
+
Citizens for Responsibility in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves .
|
680 |
+
Citizens for Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves .
|
681 |
+
|
682 |
+
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 .
|
683 |
+
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 .
|
684 |
+
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 .
|
685 |
+
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 .
|
686 |
+
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 .
|
687 |
+
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 .
|
688 |
+
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 .
|
689 |
+
|
690 |
+
During the morning and evening rush hours some services run direct to/from Paddington and Reading .
|
691 |
+
During the morning rush hours some services run direct to/from Paddington .
|
692 |
+
During the morning rush hours some services run direct to/from Reading .
|
693 |
+
During the evening rush hours some services run direct to/from Paddington .
|
694 |
+
During the evening rush hours some services run direct to/from Reading .
|
695 |
+
|
696 |
+
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 .
|
697 |
+
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 .
|
698 |
+
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 .
|
699 |
+
|
700 |
+
Having been directed to found a monastery of his order in the United States in 1873 , Fr .
|
701 |
+
|
702 |
+
|
703 |
+
He finds himself in a desert as a group of Neo Arcadians surround him , ending the game .
|
704 |
+
|
705 |
+
|
706 |
+
He played Perker in the 1985 adaptation of `` The Pickwick Papers '' .
|
707 |
+
|
708 |
+
|
709 |
+
He represented the riding of Nickel Belt in the Sudbury , Ontario area .
|
710 |
+
|
711 |
+
|
712 |
+
He was buried in the Abbey of the Psalms mausoleum at the Hollywood Forever Cemetery .
|
713 |
+
|
714 |
+
|
715 |
+
Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry .
|
716 |
+
|
717 |
+
|
718 |
+
Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting .
|
719 |
+
Hofmann was a below-average high school student .
|
720 |
+
he had many hobbies including magic .
|
721 |
+
he had many hobbies including electronics .
|
722 |
+
he had many hobbies including chemistry .
|
723 |
+
he had many hobbies including stamp .
|
724 |
+
he had many hobbies including coin collecting .
|
725 |
+
|
726 |
+
However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs .
|
727 |
+
However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines .
|
728 |
+
However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces cluster bombs .
|
729 |
+
|
730 |
+
However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees .
|
731 |
+
However , when the antigenicities of the seed strains do not match , vaccines fail to protect the vaccinees .
|
732 |
+
However , when the antigenicities of the wild viruses do not match , vaccines fail to protect the vaccinees .
|
733 |
+
|
734 |
+
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 .
|
735 |
+
|
736 |
+
|
737 |
+
In 1972 , he won from Yakutpura and later in 1978 , again from Charminar .
|
738 |
+
In 1972 , he won from Yakutpura .
|
739 |
+
later in 1978 , again from Charminar .
|
740 |
+
|
741 |
+
In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ .
|
742 |
+
|
743 |
+
|
744 |
+
In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE .
|
745 |
+
|
746 |
+
|
747 |
+
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 .
|
748 |
+
In 2010 , scam websites co-opted a photograph of her to promote health treatments , unauthorized usage of which Theuriau was initially unaware .
|
749 |
+
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 .
|
750 |
+
In 2010 , scam websites co-opted a photograph of her to promote penny auctions , unauthorized usage of which Theuriau was initially unaware .
|
751 |
+
|
752 |
+
In Canada , there are two organizations that regulate university and collegiate athletics .
|
753 |
+
In Canada , there are two organizations that regulate university athletics .
|
754 |
+
In Canada , there are two organizations that regulate collegiate athletics .
|
755 |
+
|
756 |
+
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 .
|
757 |
+
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 .
|
758 |
+
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 .
|
759 |
+
|
760 |
+
In a news post , Holkins stated that he reserved the right to bring Carl back any time Krahulik goes to France .
|
761 |
+
|
762 |
+
|
763 |
+
In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory .
|
764 |
+
In a typical case of substrate interference , a Language A occupies a given territory .
|
765 |
+
In a typical case of substrate interference , another Language B arrives in the same territory .
|
766 |
+
|
767 |
+
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 .
|
768 |
+
|
769 |
+
|
770 |
+
In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG .
|
771 |
+
|
772 |
+
|
773 |
+
In the 1960s and 70s most of Kabul 's economy depended on tourism .
|
774 |
+
In the 1960s most of Kabul 's economy depended on tourism .
|
775 |
+
In the 70s most of Kabul 's economy depended on tourism .
|
776 |
+
|
777 |
+
In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans .
|
778 |
+
In the Civil War , he advocated strong prosecution of the Union War effort .
|
779 |
+
In the Civil War , he advocated the end of slavery .
|
780 |
+
In the Civil War , he advocated civil rights for freed African Americans .
|
781 |
+
|
782 |
+
Initially his chances of surviving were thought to be no better than 50-50 .
|
783 |
+
|
784 |
+
|
785 |
+
It should be noted that these numbers are inclusive of any of the childminders own children .
|
786 |
+
|
787 |
+
|
788 |
+
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 .
|
789 |
+
it seems that at this point Keats had a genuine desire to become a doctor .
|
790 |
+
Keats 's long medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security .
|
791 |
+
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 .
|
792 |
+
Keats 's expensive medical training with Hammond led his family to assume he would pursue a lifelong career in medicine , assuring financial security .
|
793 |
+
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 .
|
794 |
+
|
795 |
+
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 .
|
796 |
+
Kim graduated from Ballard High School in Louisville , Kentucky , in 1989 .
|
797 |
+
Kim from Oberlin College in Ohio in 1993 where he played for the varsity lacrosse team .
|
798 |
+
Kim from Oberlin College in Ohio in 1993 where he double-majored in Government .
|
799 |
+
Kim from Oberlin College in Ohio in 1993 where he double-majored in English .
|
800 |
+
|
801 |
+
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 .
|
802 |
+
Lemmy believes that if Will Reid Dick had not been there , they .
|
803 |
+
Lemmy believes that if Will Reid Dick had not been there , worked through the problems .
|
804 |
+
Lemmy believes that if Will Reid Dick had not been there , ended up exchanging a few words .
|
805 |
+
Lemmy believes that if Will Reid Dick had not been there , Clarke left the studio .
|
806 |
+
|
807 |
+
Males had a median income of $ 36,016 versus $ 32,679 for females .
|
808 |
+
|
809 |
+
|
810 |
+
Meanwhile , the Mason City Division continued to operate as usual .
|
811 |
+
|
812 |
+
|
813 |
+
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 .
|
814 |
+
Models , taking into account likely occupation density , produce figures between 15,000 and 36,000 soldiers .
|
815 |
+
Models , taking into account the size of the barrack blocks in the Gorgan Wall forts , produce figures between 15,000 and 36,000 soldiers .
|
816 |
+
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 .
|
817 |
+
|
818 |
+
Modernity has been blended without sacrificing on the traditional Buddhist ethos .
|
819 |
+
|
820 |
+
|
821 |
+
Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith .
|
822 |
+
|
823 |
+
|
824 |
+
Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape .
|
825 |
+
|
826 |
+
|
827 |
+
Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan .
|
828 |
+
|
829 |
+
|
830 |
+
Parental investment is any expenditure of resources to benefit one offspring .
|
831 |
+
|
832 |
+
|
833 |
+
Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred .
|
834 |
+
|
835 |
+
|
836 |
+
Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus .
|
837 |
+
|
838 |
+
|
839 |
+
She died in October 1915 of a heart attack .
|
840 |
+
|
841 |
+
|
842 |
+
She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey .
|
843 |
+
She was ordered to be rebuilt on 9 March 1724 .
|
844 |
+
She was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey .
|
845 |
+
|
846 |
+
Shea was born on September 5 , 1900 in San Francisco , California .
|
847 |
+
|
848 |
+
|
849 |
+
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 .
|
850 |
+
Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , flew through the Anti-Monitor 's chest .
|
851 |
+
Superboy-Prime , seeing an opportunity to defeat the now-weakened Anti-Monitor , hurled his shattered body into space .
|
852 |
+
|
853 |
+
The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 .
|
854 |
+
|
855 |
+
|
856 |
+
The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
857 |
+
The Bureau of Alcohol , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
858 |
+
The Bureau of Tobacco , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
859 |
+
The Bureau of Firearms , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
860 |
+
The Bureau of Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
861 |
+
|
862 |
+
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 .
|
863 |
+
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 .
|
864 |
+
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 .
|
865 |
+
|
866 |
+
The Steinbrenner family added a monument to Monument Park on September 20 , 2010 to honor Steinbrenner .
|
867 |
+
|
868 |
+
|
869 |
+
The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer .
|
870 |
+
The Summer Programs Office runs these programs .
|
871 |
+
many Wardlaw-Hartridge Students attend camp over the summer .
|
872 |
+
many Wardlaw-Hartridge Students attend classes over the summer .
|
873 |
+
|
874 |
+
The Triple-A Baseball National Championship Game was established in 2006 .
|
875 |
+
|
876 |
+
|
877 |
+
The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' .
|
878 |
+
The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street '' .
|
879 |
+
The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call portions of Mashapaug Road `` Old Route 15 '' .
|
880 |
+
|
881 |
+
The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 .
|
882 |
+
The `` Charleston Courier , '' founded in 1803 , merged to form the `` News '' in 1873 .
|
883 |
+
The `` Charleston Courier , '' founded in 1803 , merged to form the `` Courier '' in 1873 .
|
884 |
+
`` Charleston Daily News , '' founded in 1865 , merged to form the `` News '' in 1873 .
|
885 |
+
`` Charleston Daily News , '' founded in 1865 , merged to form the `` Courier '' in 1873 .
|
886 |
+
|
887 |
+
The canal was dammed off from the river for most of the construction period .
|
888 |
+
|
889 |
+
|
890 |
+
The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names .
|
891 |
+
The city was founded by the Western Town Lot Company in 1880 .
|
892 |
+
The city was originally named Nordland , with the platted streets given Norwegian names .
|
893 |
+
|
894 |
+
The community is served by the United States Postal Service Hinsdale Post Office .
|
895 |
+
|
896 |
+
|
897 |
+
The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label .
|
898 |
+
The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records .
|
899 |
+
The ensemble also has extensive recordings under their own label .
|
900 |
+
|
901 |
+
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 .
|
902 |
+
The failure of 1st Armored to arrive intact would have important consequences in later action against German forces in Tunisia .
|
903 |
+
The failure of 1st Armored to deploy as a single entity would have important consequences in later action against German forces in Tunisia .
|
904 |
+
|
905 |
+
The first five laps would be added to the second part of the race and the overall result would be decided on aggregate .
|
906 |
+
The first five laps would be added to the second part of the race .
|
907 |
+
the overall result would be decided on aggregate .
|
908 |
+
|
909 |
+
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 .
|
910 |
+
The following tour featured extensive dates in East Asia , where the group played Tokyo , Osaka , Fukuoka , .
|
911 |
+
The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Singapore .
|
912 |
+
The following tour featured extensive dates in Southeast Asia including Jakarta , Manila as well as Guam .
|
913 |
+
|
914 |
+
The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 .
|
915 |
+
|
916 |
+
|
917 |
+
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 .
|
918 |
+
|
919 |
+
|
920 |
+
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 .
|
921 |
+
The permanent members are the provost .
|
922 |
+
The permanent members are the Carl H. Pforzheimer University Professor .
|
923 |
+
The permanent members are the deans or designees from the following Schools : Harvard Business School .
|
924 |
+
The permanent members are the deans or designees from the following Schools : Harvard Law School .
|
925 |
+
The permanent members are the deans or designees from the following Schools : Harvard Medical School .
|
926 |
+
The permanent members are the deans or designees from the following Schools : the Faculty of Arts .
|
927 |
+
The permanent members are the deans or designees from the following Schools : the Faculty of Sciences .
|
928 |
+
|
929 |
+
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 .
|
930 |
+
their decorations are according to the Meenakshi Temple at Madurai in Tamil Nadu .
|
931 |
+
The pillars in a line on its both sides are according to Doric style .
|
932 |
+
The pillars in a line on its both sides are according to Greek style .
|
933 |
+
|
934 |
+
The race is in mixed eights , and usually held in late February / early March .
|
935 |
+
The race is in mixed eights .
|
936 |
+
The race is usually held in late February .
|
937 |
+
The race is usually held in early March .
|
938 |
+
|
939 |
+
The rapids at the head of the South Fork were removed in 1908 .
|
940 |
+
|
941 |
+
|
942 |
+
The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat .
|
943 |
+
The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic .
|
944 |
+
The redesigned 2006 Ram SRT-10 came in Inferno Red .
|
945 |
+
The redesigned 2006 Ram SRT-10 came in Brilliant Black Crystal Clear Coat .
|
946 |
+
|
947 |
+
The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock .
|
948 |
+
The residue can be reprocessed for more dripping .
|
949 |
+
The residue can be strained through a cheesecloth lined sieve as an ingredient for a fine beef stock .
|
950 |
+
|
951 |
+
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 .
|
952 |
+
The rest of the group reach a small shop , where Brady attempts to phone the Sheriff .
|
953 |
+
the crocodile breaks through a wall .
|
954 |
+
the crocodile devours Annabelle .
|
955 |
+
|
956 |
+
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 .
|
957 |
+
The riders climbed off , shouting protests in general .
|
958 |
+
The riders began walking , shouting protests in general .
|
959 |
+
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 .
|
960 |
+
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 .
|
961 |
+
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 .
|
962 |
+
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 .
|
963 |
+
|
964 |
+
The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 .
|
965 |
+
The station has a concourse area which was internally redesigned in mid-2012 .
|
966 |
+
The station has a concourse area which was reopened in mid-2012 .
|
967 |
+
The station has a ticket office area which was internally redesigned in mid-2012 .
|
968 |
+
The station has a ticket office area which was reopened in mid-2012 .
|
969 |
+
|
970 |
+
The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 .
|
971 |
+
|
972 |
+
|
973 |
+
Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery .
|
974 |
+
Then the fillets are put in a mix of olive oil .
|
975 |
+
Then the fillets are put in a mix of vinegar .
|
976 |
+
Then the fillets are put in a mix of sugar .
|
977 |
+
Then the fillets are put in a mix of garlic .
|
978 |
+
Then the fillets are put in a mix of chill peppers .
|
979 |
+
Then the fillets are put in a mix of lots of parsley .
|
980 |
+
Then the fillets are put in a mix of lots of celery .
|
981 |
+
|
982 |
+
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 .
|
983 |
+
There were 47,604 households out of which 35.00 % had children under the age of 18 living with them .
|
984 |
+
There were 47,604 households out of which 56.30 % were married couples living together .
|
985 |
+
There were 47,604 households out of which 7.50 % had a female householder with no husband present .
|
986 |
+
There were 47,604 households out of which 32.50 % were non-families .
|
987 |
+
|
988 |
+
These objects are thrown away if their screen projection is too small .
|
989 |
+
|
990 |
+
|
991 |
+
These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends .
|
992 |
+
These were often related to European conflict , as the Stuart Pretenders were aided by Britain 's continental enemies for their own ends .
|
993 |
+
These were often related to European conflict , as the Stuart Pretenders were encouraged by Britain 's continental enemies for their own ends .
|
994 |
+
|
995 |
+
They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships .
|
996 |
+
They beat Milligan 1-0 to win the NAIA National Championships .
|
997 |
+
They beat Grand View 3-0 to win the NAIA National Championships .
|
998 |
+
They beat Webber International 1-0 to win the NAIA National Championships .
|
999 |
+
They beat Azusa Pacific 0-0 to win the NAIA National Championships .
|
1000 |
+
|
1001 |
+
This engine was equipped with an electronically controlled carburetor .
|
1002 |
+
|
1003 |
+
|
1004 |
+
This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales .
|
1005 |
+
|
1006 |
+
|
1007 |
+
Total ` Fresh Food Story ' constructed at the end of the North Mall .
|
1008 |
+
|
1009 |
+
|
1010 |
+
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 .
|
1011 |
+
Watson was the founder of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 .
|
1012 |
+
Watson was the founder of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 .
|
1013 |
+
Watson was the founder of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 .
|
1014 |
+
Watson was the founder of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 .
|
1015 |
+
Watson was the editor of `` newcritics.com , '' an online journal of media criticism launched in January , 2007 .
|
1016 |
+
Watson was the editor of `` newcritics.com , '' an online journal of media criticism shuttered in June , 2009 .
|
1017 |
+
Watson was the editor of `` newcritics.com , '' an online journal of arts criticism launched in January , 2007 .
|
1018 |
+
Watson was the editor of `` newcritics.com , '' an online journal of arts criticism shuttered in June , 2009 .
|
1019 |
+
|
1020 |
+
When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created .
|
1021 |
+
When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated .
|
1022 |
+
When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities created .
|
1023 |
+
|
1024 |
+
With no assigned task , the Cosmos expressed concern for what Battra might do .
|
1025 |
+
|
1026 |
+
|
1027 |
+
`` For a list of all medalists , please see the List of Great American Beer Festival medalists ''
|
1028 |
+
|
1029 |
+
|
1030 |
+
A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice .
|
1031 |
+
A similar technique is almost impossible to apply to other crops , such as cotton .
|
1032 |
+
A similar technique is almost impossible to apply to other crops , such as soybeans .
|
1033 |
+
A similar technique is almost impossible to apply to other crops , such as rice .
|
1034 |
+
|
1035 |
+
Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . ''
|
1036 |
+
|
1037 |
+
|
1038 |
+
Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said .
|
1039 |
+
|
1040 |
+
|
1041 |
+
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 .
|
1042 |
+
|
1043 |
+
|
1044 |
+
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 .
|
1045 |
+
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 .
|
1046 |
+
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 .
|
1047 |
+
|
1048 |
+
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 .
|
1049 |
+
Because patients require less attention from nurses , room charges are lower -- about $ 100 less per day than a regular room at the Vermont hospital .
|
1050 |
+
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 .
|
1051 |
+
|
1052 |
+
Both reflect the dismissal of lower - level and shorter - tenure executives .
|
1053 |
+
Both reflect the dismissal of lower - level executives .
|
1054 |
+
Both reflect the dismissal of shorter - tenure executives .
|
1055 |
+
|
1056 |
+
But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level .
|
1057 |
+
But he emphasized that new accounts of stock funds are all up this month from September 's level .
|
1058 |
+
But he emphasized that new sales of stock funds are all up this month from September 's level .
|
1059 |
+
But he emphasized that inquiries of stock funds are all up this month from September 's level .
|
1060 |
+
But he emphasized that subsequent sales of stock funds are all up this month from September 's level .
|
1061 |
+
|
1062 |
+
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 .
|
1063 |
+
|
1064 |
+
|
1065 |
+
But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported .
|
1066 |
+
|
1067 |
+
|
1068 |
+
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 .
|
1069 |
+
|
1070 |
+
|
1071 |
+
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 . ''
|
1072 |
+
|
1073 |
+
|
1074 |
+
Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second .
|
1075 |
+
Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball .
|
1076 |
+
Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly flips it to second .
|
1077 |
+
|
1078 |
+
Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines .
|
1079 |
+
|
1080 |
+
|
1081 |
+
Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments .
|
1082 |
+
Early in the morning Mr. Sider , an estate lawyer , pores over last wills .
|
1083 |
+
Early in the morning Mr. Sider , an estate lawyer , pores over testaments .
|
1084 |
+
|
1085 |
+
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 .
|
1086 |
+
|
1087 |
+
|
1088 |
+
Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum .
|
1089 |
+
|
1090 |
+
|
1091 |
+
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 .
|
1092 |
+
|
1093 |
+
|
1094 |
+
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 .
|
1095 |
+
Hani Zayadi was appointed president of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early .
|
1096 |
+
Hani Zayadi was appointed chief executive officer of this financially troubled department store chain , effective Nov. 15 , succeeding Frank Robertson , who is retiring early .
|
1097 |
+
|
1098 |
+
However , the problem is that once most poison pills are adopted , they survive forever .
|
1099 |
+
|
1100 |
+
|
1101 |
+
Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president .
|
1102 |
+
|
1103 |
+
|
1104 |
+
In Japan , those functions account for only about a third of the software market .
|
1105 |
+
|
1106 |
+
|
1107 |
+
In the U.S. , more than half the PC software sold is either for spreadsheets or for database analysis , according to Lotus .
|
1108 |
+
In the U.S. , more than half the PC software sold is either for spreadsheets , according to Lotus .
|
1109 |
+
In the U.S. , more than half the PC software sold is either for database analysis , according to Lotus .
|
1110 |
+
|
1111 |
+
It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday .
|
1112 |
+
|
1113 |
+
|
1114 |
+
Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans .
|
1115 |
+
Japanese office workers use PCs at half the rate of their European counterparts .
|
1116 |
+
Japanese office workers use PCs at one - third that of the Americans .
|
1117 |
+
|
1118 |
+
Labor costs are climbing at a far more rapid pace in the health care industry than in other industries .
|
1119 |
+
|
1120 |
+
|
1121 |
+
Meanwhile , at home , Mitsubishi has control of some major projects .
|
1122 |
+
|
1123 |
+
|
1124 |
+
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 .
|
1125 |
+
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 .
|
1126 |
+
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 .
|
1127 |
+
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 .
|
1128 |
+
|
1129 |
+
Mr. Mulford said reports of tension between the Treasury and Fed have been exaggerated , insisting that they involved `` nuances . ''
|
1130 |
+
|
1131 |
+
|
1132 |
+
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 .
|
1133 |
+
|
1134 |
+
|
1135 |
+
Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers .
|
1136 |
+
|
1137 |
+
|
1138 |
+
Now Mr. Broberg , a lawyer , claims he 'd play for free .
|
1139 |
+
|
1140 |
+
|
1141 |
+
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 .
|
1142 |
+
Prime Minister Lee Kuan Yew , Singapore 's leader , recently announced his intention to retire next year -- though not necessarily to end his influence .
|
1143 |
+
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 .
|
1144 |
+
|
1145 |
+
Repeat customers also can purchase luxury items at reduced prices .
|
1146 |
+
|
1147 |
+
|
1148 |
+
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 .
|
1149 |
+
|
1150 |
+
|
1151 |
+
Sen. Mitchell is confident he has sufficient votes to block such a measure with procedural actions .
|
1152 |
+
|
1153 |
+
|
1154 |
+
The Chemical spokeswoman said the bank has examined its methodologies and internal controls .
|
1155 |
+
The Chemical spokeswoman said the bank has examined its methodologies .
|
1156 |
+
The Chemical spokeswoman said the bank has examined its internal controls .
|
1157 |
+
|
1158 |
+
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 .
|
1159 |
+
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 .
|
1160 |
+
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 .
|
1161 |
+
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 .
|
1162 |
+
|
1163 |
+
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 .
|
1164 |
+
The National Transportation Safety Board ruled that pilots failed to make mandatory preflight checks that would have detected the error .
|
1165 |
+
The National Transportation Safety Board ruled that pilots failed to set the plane 's wing flaps properly for takeoff .
|
1166 |
+
The National Transportation Safety Board ruled that pilots failed to set the plane 's slats properly for takeoff .
|
1167 |
+
|
1168 |
+
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 % .
|
1169 |
+
|
1170 |
+
|
1171 |
+
The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension .
|
1172 |
+
|
1173 |
+
|
1174 |
+
The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset .
|
1175 |
+
|
1176 |
+
|
1177 |
+
The market 's tempo was helped by the dollar 's resiliency , he said .
|
1178 |
+
|
1179 |
+
|
1180 |
+
The office may also be able to advise foreign and multinational clients on international law and general matters .
|
1181 |
+
The office may also be able to advise foreign clients on international law .
|
1182 |
+
The office may also be able to advise foreign clients on general matters .
|
1183 |
+
The office may also be able to advise multinational clients on international law .
|
1184 |
+
The office may also be able to advise multinational clients on general matters .
|
1185 |
+
|
1186 |
+
The three existing plants and their land will be sold .
|
1187 |
+
The three existing plants will be sold .
|
1188 |
+
their land will be sold .
|
1189 |
+
|
1190 |
+
This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers .
|
1191 |
+
|
1192 |
+
|
1193 |
+
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 .
|
1194 |
+
USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto .
|
1195 |
+
USG Corp. will lease the 19 - story facility until it moves to a new quarters in 1992 .
|
1196 |
+
|
1197 |
+
`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) .
|
1198 |
+
|
1199 |
+
|
1200 |
+
`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says .
|
1201 |
+
`` I wo n't be throwing 90 mph , '' he says .
|
1202 |
+
`` I will throw 80 - plus , '' he says .
|
1203 |
+
|
1204 |
+
`` 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 .
|
1205 |
+
`` If working capital financing is not provided , '' he said , `` the RTC may have to slow { S&L sales } .
|
1206 |
+
`` If working capital financing is not provided , '' he said , `` the RTC may have to dump acquired assets through fire sales .
|
1207 |
+
|
1208 |
+
`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named .
|
1209 |
+
|
1210 |
+
|
data/evaluation_data/benchIE/sample300_en.txt
ADDED
@@ -0,0 +1,300 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia .
|
2 |
+
Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours .
|
3 |
+
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 .
|
4 |
+
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 .
|
5 |
+
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 .
|
6 |
+
Several years later the remaining trackage at Charles City was abandoned .
|
7 |
+
Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it .
|
8 |
+
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 .
|
9 |
+
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 .
|
10 |
+
`` 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 .
|
11 |
+
He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah .
|
12 |
+
A large gravestone was erected in 1866 , over 100 years after his death .
|
13 |
+
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 .
|
14 |
+
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 .
|
15 |
+
Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site .
|
16 |
+
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 .
|
17 |
+
The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work .
|
18 |
+
They have a large range of possible power supplies , and can be 380V , 1000V , or even higher .
|
19 |
+
She began her film career in 1947 in the film `` A New Oath '' .
|
20 |
+
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 .
|
21 |
+
This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness .
|
22 |
+
It was club policy to promote talent into the senior team that was adopted by Bill Dimovski .
|
23 |
+
Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 .
|
24 |
+
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 .
|
25 |
+
That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building .
|
26 |
+
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 .
|
27 |
+
Arminius , leader of the Cherusci and allies , now had a free hand .
|
28 |
+
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 .
|
29 |
+
`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music .
|
30 |
+
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 .
|
31 |
+
Lugo and Lozano were released in 1993 and continue to reside in Venezuela .
|
32 |
+
Often , objects are so far away that they do not contribute significantly to the final image .
|
33 |
+
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 .
|
34 |
+
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 .
|
35 |
+
The town and surrounding villages were hit by two moderate earthquakes within ten years .
|
36 |
+
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 .
|
37 |
+
The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance .
|
38 |
+
The RIAA lists it as one of the Best Selling Albums of All Time .
|
39 |
+
The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 .
|
40 |
+
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 .
|
41 |
+
These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration .
|
42 |
+
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 .
|
43 |
+
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 .
|
44 |
+
This is usually caused by interacting inductive and capacitive elements in the oscillator .
|
45 |
+
Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 .
|
46 |
+
Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' .
|
47 |
+
As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' .
|
48 |
+
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 .
|
49 |
+
Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow .
|
50 |
+
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 .
|
51 |
+
Just above seen is a replica of a Shiva lingam .
|
52 |
+
The ninth leaf contains a circular world map measuring in circumference .
|
53 |
+
It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival .
|
54 |
+
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 .
|
55 |
+
Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps .
|
56 |
+
From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck .
|
57 |
+
These are known as Porter 's three generic strategies and can be applied to any size or form of business .
|
58 |
+
For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy .
|
59 |
+
They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist .
|
60 |
+
They acquired the Charles City Western on December 31 , 1963 .
|
61 |
+
Hofmann was born in Salt Lake City , Utah .
|
62 |
+
In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 .
|
63 |
+
Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages .
|
64 |
+
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 '' .
|
65 |
+
Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium .
|
66 |
+
A different judge then ordered the case reviewed by a higher court .
|
67 |
+
As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships .
|
68 |
+
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 .
|
69 |
+
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 .
|
70 |
+
After this she became very ill with a severe cold or pneumonia .
|
71 |
+
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 .
|
72 |
+
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 .
|
73 |
+
The 2005 model introduced a third row of seats to the Pathfinder line for the first time .
|
74 |
+
The district also provides recreation and leisure services to many non-residents of the area on a fee basis .
|
75 |
+
The very ease of acquiring Esperanto might even accelerate the process .
|
76 |
+
He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates .
|
77 |
+
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 .
|
78 |
+
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 .
|
79 |
+
The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves .
|
80 |
+
These tracks have subsequently been included on CD reissues of the album `` The Plan '' .
|
81 |
+
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 .
|
82 |
+
Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson .
|
83 |
+
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 '' .
|
84 |
+
Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings .
|
85 |
+
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 .
|
86 |
+
For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge .
|
87 |
+
The doctor , Erasistratus , suspects love is behind Antiochus 's suffering .
|
88 |
+
The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines .
|
89 |
+
In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance .
|
90 |
+
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 .
|
91 |
+
He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here .
|
92 |
+
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 .
|
93 |
+
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 .
|
94 |
+
The latter was lifted only as the b-side of `` Keep on Loving Me '' .
|
95 |
+
The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega .
|
96 |
+
QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million .
|
97 |
+
Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint .
|
98 |
+
Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie .
|
99 |
+
After a break of four years , he became a Lord Justice of Appeal .
|
100 |
+
Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... .
|
101 |
+
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 . ''
|
102 |
+
Ms. Waleson is a free - lance writer based in New York .
|
103 |
+
Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle .
|
104 |
+
Mrs. Marcos 's trial is expected to begin in March .
|
105 |
+
Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms .
|
106 |
+
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 .
|
107 |
+
Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering .
|
108 |
+
The machine can run software written for other Mips computers , the company said .
|
109 |
+
That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period .
|
110 |
+
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 .
|
111 |
+
Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble .
|
112 |
+
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 .
|
113 |
+
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 .
|
114 |
+
His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point .
|
115 |
+
`` There are some things that have gone on here that nobody can explain , '' she says .
|
116 |
+
The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year .
|
117 |
+
I worry more about things becoming so unraveled on the other side that they might become unable to negotiate .
|
118 |
+
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 .
|
119 |
+
A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan .
|
120 |
+
But it could also help American companies , which also are starting to try to open the market .
|
121 |
+
A company spokesman did n't know Mr. Wakeman 's age .
|
122 |
+
The offering , Series 109 , is backed by Freddie Mac 10 % securities .
|
123 |
+
The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points .
|
124 |
+
Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources .
|
125 |
+
`` I ca n't do anything score - wise , but I like meeting the girls . ''
|
126 |
+
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 .
|
127 |
+
Four other countries in Europe have approved Proleukin in recent months .
|
128 |
+
General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment .
|
129 |
+
The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 .
|
130 |
+
When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons .
|
131 |
+
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 .
|
132 |
+
We just want a plan that satisfies creditors and at the end leaves a healthy Revco . ''
|
133 |
+
Some have been training for months ; others only recently left active status .
|
134 |
+
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 .
|
135 |
+
He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes .
|
136 |
+
The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas .
|
137 |
+
A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem .
|
138 |
+
More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend .
|
139 |
+
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 .
|
140 |
+
RU-486 is being administered in France only under strict supervision in the presence of a doctor .
|
141 |
+
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 .
|
142 |
+
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 .
|
143 |
+
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 .
|
144 |
+
And the lawyers were just as eager as the judge to wrap it up .
|
145 |
+
Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 .
|
146 |
+
Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % .
|
147 |
+
He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . ''
|
148 |
+
`` They 're getting some major wins , '' she added .
|
149 |
+
Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc .
|
150 |
+
In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options .
|
151 |
+
Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff .
|
152 |
+
Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts .
|
153 |
+
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 .
|
154 |
+
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 .
|
155 |
+
Mr. Baker heads the Kentucky Association of Science Educators and Skeptics .
|
156 |
+
Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged .
|
157 |
+
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 .
|
158 |
+
He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective .
|
159 |
+
A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor .
|
160 |
+
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 .
|
161 |
+
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 .
|
162 |
+
Applying this technique facilitates the connection of the center of the foot with the lower abdomen .
|
163 |
+
As a result , the lower river had to be dredged three times in two years .
|
164 |
+
Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child .
|
165 |
+
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 '' .
|
166 |
+
Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves .
|
167 |
+
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 .
|
168 |
+
During the morning and evening rush hours some services run direct to/from Paddington and Reading .
|
169 |
+
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 .
|
170 |
+
Having been directed to found a monastery of his order in the United States in 1873 , Fr .
|
171 |
+
He finds himself in a desert as a group of Neo Arcadians surround him , ending the game .
|
172 |
+
He played Perker in the 1985 adaptation of `` The Pickwick Papers '' .
|
173 |
+
He represented the riding of Nickel Belt in the Sudbury , Ontario area .
|
174 |
+
He was buried in the Abbey of the Psalms mausoleum at the Hollywood Forever Cemetery .
|
175 |
+
Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry .
|
176 |
+
Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting .
|
177 |
+
However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs .
|
178 |
+
However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees .
|
179 |
+
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 .
|
180 |
+
In 1972 , he won from Yakutpura and later in 1978 , again from Charminar .
|
181 |
+
In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ .
|
182 |
+
In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE .
|
183 |
+
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 .
|
184 |
+
In Canada , there are two organizations that regulate university and collegiate athletics .
|
185 |
+
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 .
|
186 |
+
In a news post , Holkins stated that he reserved the right to bring Carl back any time Krahulik goes to France .
|
187 |
+
In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory .
|
188 |
+
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 .
|
189 |
+
In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG .
|
190 |
+
In the 1960s and 70s most of Kabul 's economy depended on tourism .
|
191 |
+
In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans .
|
192 |
+
Initially his chances of surviving were thought to be no better than 50-50 .
|
193 |
+
It should be noted that these numbers are inclusive of any of the childminders own children .
|
194 |
+
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 .
|
195 |
+
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 .
|
196 |
+
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 .
|
197 |
+
Males had a median income of $ 36,016 versus $ 32,679 for females .
|
198 |
+
Meanwhile , the Mason City Division continued to operate as usual .
|
199 |
+
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 .
|
200 |
+
Modernity has been blended without sacrificing on the traditional Buddhist ethos .
|
201 |
+
Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith .
|
202 |
+
Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape .
|
203 |
+
Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan .
|
204 |
+
Parental investment is any expenditure of resources to benefit one offspring .
|
205 |
+
Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred .
|
206 |
+
Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus .
|
207 |
+
She died in October 1915 of a heart attack .
|
208 |
+
She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey .
|
209 |
+
Shea was born on September 5 , 1900 in San Francisco , California .
|
210 |
+
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 .
|
211 |
+
The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 .
|
212 |
+
The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
213 |
+
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 .
|
214 |
+
The Steinbrenner family added a monument to Monument Park on September 20 , 2010 to honor Steinbrenner .
|
215 |
+
The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer .
|
216 |
+
The Triple-A Baseball National Championship Game was established in 2006 .
|
217 |
+
The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' .
|
218 |
+
The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 .
|
219 |
+
The canal was dammed off from the river for most of the construction period .
|
220 |
+
The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names .
|
221 |
+
The community is served by the United States Postal Service Hinsdale Post Office .
|
222 |
+
The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label .
|
223 |
+
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 .
|
224 |
+
The first five laps would be added to the second part of the race and the overall result would be decided on aggregate .
|
225 |
+
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 .
|
226 |
+
The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 .
|
227 |
+
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 .
|
228 |
+
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 .
|
229 |
+
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 .
|
230 |
+
The race is in mixed eights , and usually held in late February / early March .
|
231 |
+
The rapids at the head of the South Fork were removed in 1908 .
|
232 |
+
The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat .
|
233 |
+
The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock .
|
234 |
+
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 .
|
235 |
+
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 .
|
236 |
+
The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 .
|
237 |
+
The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 .
|
238 |
+
Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery .
|
239 |
+
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 .
|
240 |
+
These objects are thrown away if their screen projection is too small .
|
241 |
+
These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends .
|
242 |
+
They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships .
|
243 |
+
This engine was equipped with an electronically controlled carburetor .
|
244 |
+
This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales .
|
245 |
+
Total ` Fresh Food Story ' constructed at the end of the North Mall .
|
246 |
+
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 .
|
247 |
+
When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created .
|
248 |
+
With no assigned task , the Cosmos expressed concern for what Battra might do .
|
249 |
+
`` For a list of all medalists , please see the List of Great American Beer Festival medalists ''
|
250 |
+
A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice .
|
251 |
+
Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . ''
|
252 |
+
Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said .
|
253 |
+
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 .
|
254 |
+
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 .
|
255 |
+
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 .
|
256 |
+
Both reflect the dismissal of lower - level and shorter - tenure executives .
|
257 |
+
But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level .
|
258 |
+
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 .
|
259 |
+
But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported .
|
260 |
+
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 .
|
261 |
+
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 . ''
|
262 |
+
Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second .
|
263 |
+
Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines .
|
264 |
+
Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments .
|
265 |
+
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 .
|
266 |
+
Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum .
|
267 |
+
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 .
|
268 |
+
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 .
|
269 |
+
However , the problem is that once most poison pills are adopted , they survive forever .
|
270 |
+
Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president .
|
271 |
+
In Japan , those functions account for only about a third of the software market .
|
272 |
+
In the U.S. , more than half the PC software sold is either for spreadsheets or for database analysis , according to Lotus .
|
273 |
+
It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday .
|
274 |
+
Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans .
|
275 |
+
Labor costs are climbing at a far more rapid pace in the health care industry than in other industries .
|
276 |
+
Meanwhile , at home , Mitsubishi has control of some major projects .
|
277 |
+
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 .
|
278 |
+
Mr. Mulford said reports of tension between the Treasury and Fed have been exaggerated , insisting that they involved `` nuances . ''
|
279 |
+
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 .
|
280 |
+
Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers .
|
281 |
+
Now Mr. Broberg , a lawyer , claims he 'd play for free .
|
282 |
+
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 .
|
283 |
+
Repeat customers also can purchase luxury items at reduced prices .
|
284 |
+
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 .
|
285 |
+
Sen. Mitchell is confident he has sufficient votes to block such a measure with procedural actions .
|
286 |
+
The Chemical spokeswoman said the bank has examined its methodologies and internal controls .
|
287 |
+
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 .
|
288 |
+
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 .
|
289 |
+
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 % .
|
290 |
+
The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension .
|
291 |
+
The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset .
|
292 |
+
The market 's tempo was helped by the dollar 's resiliency , he said .
|
293 |
+
The office may also be able to advise foreign and multinational clients on international law and general matters .
|
294 |
+
The three existing plants and their land will be sold .
|
295 |
+
This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers .
|
296 |
+
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 .
|
297 |
+
`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) .
|
298 |
+
`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says .
|
299 |
+
`` 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 .
|
300 |
+
`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named .
|
data/evaluation_data/benchIE/toBenchIEformat.py
ADDED
@@ -0,0 +1,32 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
sent2id = dict()
|
2 |
+
with open('sample300_en.txt', 'r') as f:
|
3 |
+
i = 1
|
4 |
+
for line in f.readlines():
|
5 |
+
sent2id[line.replace('\n', '')] = i
|
6 |
+
i += 1
|
7 |
+
|
8 |
+
with open('output_extractions.txt', 'r') as fin, open('compactIE_1.2_new.txt', 'w') as fout:
|
9 |
+
for line in fin.readlines():
|
10 |
+
sentence, extraction, score = line.split('\t')
|
11 |
+
sentId = sent2id[sentence]
|
12 |
+
try:
|
13 |
+
arg1 = extraction[extraction.index('<arg1>') + 6:extraction.index('</arg1>')]
|
14 |
+
arg1 = arg1.strip()
|
15 |
+
except:
|
16 |
+
print("subject error!", extraction)
|
17 |
+
arg1 = ""
|
18 |
+
try:
|
19 |
+
rel = extraction[extraction.index('<rel>') + 5:extraction.index('</rel>')]
|
20 |
+
rel = rel.strip()
|
21 |
+
except:
|
22 |
+
print("predicate error!", extraction)
|
23 |
+
rel = ""
|
24 |
+
try:
|
25 |
+
arg2 = extraction[extraction.index('<arg2>') + 6:extraction.index('</arg2>')]
|
26 |
+
arg2 = arg2.strip()
|
27 |
+
if arg2 == "":
|
28 |
+
continue
|
29 |
+
except:
|
30 |
+
print("object error!", extraction)
|
31 |
+
arg2 = ""
|
32 |
+
print("{}\t{}\t{}\t{}".format(sentId, arg1, rel, arg2), file=fout)
|
data/evaluation_data/carb/carb.py
ADDED
@@ -0,0 +1,386 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
'''
|
2 |
+
Usage:
|
3 |
+
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]
|
4 |
+
|
5 |
+
Options:
|
6 |
+
--gold=GOLD_OIE The gold reference Open IE file (by default, it should be under ./oie_corpus/all.oie).
|
7 |
+
--benchmarkgold=GOLD_OIE The benchmark's gold reference.
|
8 |
+
# --out-OUTPUT_FILE The output file, into which the precision recall curve will be written.
|
9 |
+
--clausie=CLAUSIE_OIE Read ClausIE format from file CLAUSIE_OIE.
|
10 |
+
--ollie=OLLIE_OIE Read OLLIE format from file OLLIE_OIE.
|
11 |
+
--openiefour=OPENIEFOUR_OIE Read Open IE 4 format from file OPENIEFOUR_OIE.
|
12 |
+
--openiefive=OPENIE5 Read Open IE 5 format from file OPENIE5.
|
13 |
+
--props=PROPS_OIE Read PropS format from file PROPS_OIE
|
14 |
+
--reverb=REVERB_OIE Read ReVerb format from file REVERB_OIE
|
15 |
+
--stanford=STANFORD_OIE Read Stanford format from file STANFORD_OIE
|
16 |
+
--tabbed=TABBED_OIE Read simple tab format file, where each line consists of:
|
17 |
+
sent, prob, pred,arg1, arg2, ...
|
18 |
+
--exactmatch Use exact match when judging whether an extraction is correct.
|
19 |
+
'''
|
20 |
+
from __future__ import division
|
21 |
+
import docopt
|
22 |
+
import string
|
23 |
+
import numpy as np
|
24 |
+
from sklearn.metrics import precision_recall_curve
|
25 |
+
from sklearn.metrics import auc
|
26 |
+
import re
|
27 |
+
import logging
|
28 |
+
import pdb
|
29 |
+
import ipdb
|
30 |
+
from _collections import defaultdict
|
31 |
+
logging.basicConfig(level = logging.INFO)
|
32 |
+
|
33 |
+
from oie_readers.allennlpReader import AllennlpReader
|
34 |
+
from oie_readers.stanfordReader import StanfordReader
|
35 |
+
from oie_readers.ollieReader import OllieReader
|
36 |
+
from oie_readers.reVerbReader import ReVerbReader
|
37 |
+
from oie_readers.clausieReader import ClausieReader
|
38 |
+
from oie_readers.openieFourReader import OpenieFourReader
|
39 |
+
from oie_readers.openieFiveReader import OpenieFiveReader
|
40 |
+
from oie_readers.propsReader import PropSReader
|
41 |
+
from oie_readers.tabReader import TabReader
|
42 |
+
from oie_readers.benchmarkGoldReader import BenchmarkGoldReader
|
43 |
+
|
44 |
+
from oie_readers.goldReader import GoldReader
|
45 |
+
from matcher import Matcher
|
46 |
+
from operator import itemgetter
|
47 |
+
import pprint
|
48 |
+
from copy import copy
|
49 |
+
pp = pprint.PrettyPrinter(indent=4)
|
50 |
+
|
51 |
+
class Benchmark:
|
52 |
+
''' Compare the gold OIE dataset against a predicted equivalent '''
|
53 |
+
def __init__(self, gold_fn):
|
54 |
+
''' Load gold Open IE, this will serve to compare against using the compare function '''
|
55 |
+
gr = GoldReader()
|
56 |
+
gr.read(gold_fn)
|
57 |
+
self.gold = gr.oie
|
58 |
+
|
59 |
+
def compare(self, predicted, matchingFunc, output_fn=None, error_file=None, binary=False):
|
60 |
+
''' Compare gold against predicted using a specified matching function.
|
61 |
+
Outputs PR curve to output_fn '''
|
62 |
+
|
63 |
+
y_true = []
|
64 |
+
y_scores = []
|
65 |
+
errors = []
|
66 |
+
correct = 0
|
67 |
+
incorrect = 0
|
68 |
+
|
69 |
+
correctTotal = 0
|
70 |
+
unmatchedCount = 0
|
71 |
+
predicted = Benchmark.normalizeDict(predicted)
|
72 |
+
gold = Benchmark.normalizeDict(self.gold)
|
73 |
+
if binary:
|
74 |
+
predicted = Benchmark.binarize(predicted)
|
75 |
+
gold = Benchmark.binarize(gold)
|
76 |
+
#gold = self.gold
|
77 |
+
|
78 |
+
# taking all distinct values of confidences as thresholds
|
79 |
+
confidence_thresholds = set()
|
80 |
+
for sent in predicted:
|
81 |
+
for predicted_ex in predicted[sent]:
|
82 |
+
confidence_thresholds.add(predicted_ex.confidence)
|
83 |
+
|
84 |
+
confidence_thresholds = sorted(list(confidence_thresholds))
|
85 |
+
num_conf = len(confidence_thresholds)
|
86 |
+
|
87 |
+
results = {}
|
88 |
+
p = np.zeros(num_conf)
|
89 |
+
pl = np.zeros(num_conf)
|
90 |
+
r = np.zeros(num_conf)
|
91 |
+
rl = np.zeros(num_conf)
|
92 |
+
|
93 |
+
for sent, goldExtractions in gold.items():
|
94 |
+
|
95 |
+
if sent in predicted:
|
96 |
+
predictedExtractions = predicted[sent]
|
97 |
+
else:
|
98 |
+
predictedExtractions = []
|
99 |
+
|
100 |
+
scores = [[None for _ in predictedExtractions] for __ in goldExtractions]
|
101 |
+
|
102 |
+
# print("***Gold Extractions***")
|
103 |
+
# print("\n".join([goldExtractions[i].pred + ' ' + " ".join(goldExtractions[i].args) for i in range(len(goldExtractions))]))
|
104 |
+
# print("***Predicted Extractions***")
|
105 |
+
# print("\n".join([predictedExtractions[i].pred+ " ".join(predictedExtractions[i].args) for i in range(len(predictedExtractions))]))
|
106 |
+
|
107 |
+
for i, goldEx in enumerate(goldExtractions):
|
108 |
+
for j, predictedEx in enumerate(predictedExtractions):
|
109 |
+
score = matchingFunc(goldEx, predictedEx,ignoreStopwords = True,ignoreCase = True)
|
110 |
+
scores[i][j] = score
|
111 |
+
|
112 |
+
|
113 |
+
# OPTIMISED GLOBAL MATCH
|
114 |
+
sent_confidences = [extraction.confidence for extraction in predictedExtractions]
|
115 |
+
sent_confidences.sort()
|
116 |
+
prev_c = 0
|
117 |
+
for conf in sent_confidences:
|
118 |
+
c = confidence_thresholds.index(conf)
|
119 |
+
ext_indices = []
|
120 |
+
for ext_indx, extraction in enumerate(predictedExtractions):
|
121 |
+
if extraction.confidence >= conf:
|
122 |
+
ext_indices.append(ext_indx)
|
123 |
+
|
124 |
+
recall_numerator = 0
|
125 |
+
for i, row in enumerate(scores):
|
126 |
+
max_recall_row = max([row[ext_indx][1] for ext_indx in ext_indices ], default=0)
|
127 |
+
recall_numerator += max_recall_row
|
128 |
+
|
129 |
+
precision_numerator = 0
|
130 |
+
|
131 |
+
selected_rows = []
|
132 |
+
selected_cols = []
|
133 |
+
num_precision_matches = min(len(scores), len(ext_indices))
|
134 |
+
for t in range(num_precision_matches):
|
135 |
+
matched_row = -1
|
136 |
+
matched_col = -1
|
137 |
+
matched_precision = -1 # initialised to <0 so that it updates whenever precision is 0 as well
|
138 |
+
for i in range(len(scores)):
|
139 |
+
if i in selected_rows:
|
140 |
+
continue
|
141 |
+
for ext_indx in ext_indices:
|
142 |
+
if ext_indx in selected_cols:
|
143 |
+
continue
|
144 |
+
if scores[i][ext_indx][0] > matched_precision:
|
145 |
+
matched_precision = scores[i][ext_indx][0]
|
146 |
+
matched_row = i
|
147 |
+
matched_col = ext_indx
|
148 |
+
|
149 |
+
selected_rows.append(matched_row)
|
150 |
+
selected_cols.append(matched_col)
|
151 |
+
precision_numerator += scores[matched_row][matched_col][0]
|
152 |
+
|
153 |
+
p[prev_c:c+1] += precision_numerator
|
154 |
+
pl[prev_c:c+1] += len(ext_indices)
|
155 |
+
r[prev_c:c+1] += recall_numerator
|
156 |
+
rl[prev_c:c+1] += len(scores)
|
157 |
+
|
158 |
+
prev_c = c+1
|
159 |
+
|
160 |
+
# for indices beyond the maximum sentence confidence, len(scores) has to be added to the denominator of recall
|
161 |
+
rl[prev_c:] += len(scores)
|
162 |
+
|
163 |
+
prec_scores = [a/b if b>0 else 1 for a,b in zip(p,pl) ]
|
164 |
+
rec_scores = [a/b if b>0 else 0 for a,b in zip(r,rl)]
|
165 |
+
|
166 |
+
f1s = [Benchmark.f1(p,r) for p,r in zip(prec_scores, rec_scores)]
|
167 |
+
try:
|
168 |
+
optimal_idx = np.nanargmax(f1s)
|
169 |
+
optimal = (prec_scores[optimal_idx], rec_scores[optimal_idx], f1s[optimal_idx])
|
170 |
+
return np.round(optimal,3)
|
171 |
+
except ValueError:
|
172 |
+
# When there is no prediction
|
173 |
+
optimal = (0,0)
|
174 |
+
|
175 |
+
# In order to calculate auc, we need to add the point corresponding to precision=1 , recall=0 to the PR-curve
|
176 |
+
# temp_rec_scores = rec_scores.copy()
|
177 |
+
# temp_prec_scores = prec_scores.copy()
|
178 |
+
# temp_rec_scores.append(0)
|
179 |
+
# temp_prec_scores.append(1)
|
180 |
+
# # print("AUC: {}\t Optimal (precision, recall, F1): {}".format( np.round(auc(temp_rec_scores, temp_prec_scores),3), np.round(optimal,3) ))
|
181 |
+
#
|
182 |
+
# with open(output_fn, 'w') as fout:
|
183 |
+
# fout.write('{0}\t{1}\t{2}\n'.format("Precision", "Recall", "Confidence"))
|
184 |
+
# for cur_p, cur_r, cur_conf in sorted(zip(prec_scores, rec_scores, confidence_thresholds), key = lambda cur: cur[1]):
|
185 |
+
# fout.write('{0}\t{1}\t{2}\n'.format(cur_p, cur_r, cur_conf))
|
186 |
+
#
|
187 |
+
# if len(f1s)>0:
|
188 |
+
# return np.round(auc(temp_rec_scores, temp_prec_scores),3), np.round(optimal,3)
|
189 |
+
# else:
|
190 |
+
# # When there is no prediction
|
191 |
+
# return 0, (0,0,0)
|
192 |
+
|
193 |
+
@staticmethod
|
194 |
+
def binarize(extrs):
|
195 |
+
res = defaultdict(lambda: [])
|
196 |
+
for sent,extr in extrs.items():
|
197 |
+
for ex in extr:
|
198 |
+
#Add (a1, r, a2)
|
199 |
+
temp = copy(ex)
|
200 |
+
temp.args = ex.args[:2]
|
201 |
+
res[sent].append(temp)
|
202 |
+
|
203 |
+
if len(ex.args) <= 2:
|
204 |
+
continue
|
205 |
+
|
206 |
+
#Add (a1, r a2 , a3 ...)
|
207 |
+
for arg in ex.args[2:]:
|
208 |
+
temp.args = [ex.args[0]]
|
209 |
+
temp.pred = ex.pred + ' ' + ex.args[1]
|
210 |
+
words = arg.split()
|
211 |
+
|
212 |
+
#Add preposition of arg to rel
|
213 |
+
if words[0].lower() in Benchmark.PREPS:
|
214 |
+
temp.pred += ' ' + words[0]
|
215 |
+
words = words[1:]
|
216 |
+
temp.args.append(' '.join(words))
|
217 |
+
res[sent].append(temp)
|
218 |
+
|
219 |
+
return res
|
220 |
+
|
221 |
+
@staticmethod
|
222 |
+
def f1(prec, rec):
|
223 |
+
try:
|
224 |
+
return 2*prec*rec / (prec+rec)
|
225 |
+
except ZeroDivisionError:
|
226 |
+
return 0
|
227 |
+
|
228 |
+
@staticmethod
|
229 |
+
def aggregate_scores_greedily(scores):
|
230 |
+
# Greedy match: pick the prediction/gold match with the best f1 and exclude
|
231 |
+
# them both, until nothing left matches. Each input square is a [prec, rec]
|
232 |
+
# pair. Returns precision and recall as score-and-denominator pairs.
|
233 |
+
matches = []
|
234 |
+
while True:
|
235 |
+
max_s = 0
|
236 |
+
gold, pred = None, None
|
237 |
+
for i, gold_ss in enumerate(scores):
|
238 |
+
if i in [m[0] for m in matches]:
|
239 |
+
# Those are already taken rows
|
240 |
+
continue
|
241 |
+
for j, pred_s in enumerate(scores[i]):
|
242 |
+
if j in [m[1] for m in matches]:
|
243 |
+
# Those are used columns
|
244 |
+
continue
|
245 |
+
if pred_s and Benchmark.f1(*pred_s) > max_s:
|
246 |
+
max_s = Benchmark.f1(*pred_s)
|
247 |
+
gold = i
|
248 |
+
pred = j
|
249 |
+
if max_s == 0:
|
250 |
+
break
|
251 |
+
matches.append([gold, pred])
|
252 |
+
# Now that matches are determined, compute final scores.
|
253 |
+
prec_scores = [scores[i][j][0] for i,j in matches]
|
254 |
+
rec_scores = [scores[i][j][1] for i,j in matches]
|
255 |
+
total_prec = sum(prec_scores)
|
256 |
+
total_rec = sum(rec_scores)
|
257 |
+
scoring_metrics = {"precision" : [total_prec, len(scores[0])],
|
258 |
+
"recall" : [total_rec, len(scores)],
|
259 |
+
"precision_of_matches" : prec_scores,
|
260 |
+
"recall_of_matches" : rec_scores
|
261 |
+
}
|
262 |
+
return scoring_metrics
|
263 |
+
|
264 |
+
# Helper functions:
|
265 |
+
@staticmethod
|
266 |
+
def normalizeDict(d):
|
267 |
+
return dict([(Benchmark.normalizeKey(k), v) for k, v in d.items()])
|
268 |
+
|
269 |
+
@staticmethod
|
270 |
+
def normalizeKey(k):
|
271 |
+
# return Benchmark.removePunct(unicode(Benchmark.PTB_unescape(k.replace(' ','')), errors = 'ignore'))
|
272 |
+
return Benchmark.removePunct(str(Benchmark.PTB_unescape(k.replace(' ',''))))
|
273 |
+
|
274 |
+
@staticmethod
|
275 |
+
def PTB_escape(s):
|
276 |
+
for u, e in Benchmark.PTB_ESCAPES:
|
277 |
+
s = s.replace(u, e)
|
278 |
+
return s
|
279 |
+
|
280 |
+
@staticmethod
|
281 |
+
def PTB_unescape(s):
|
282 |
+
for u, e in Benchmark.PTB_ESCAPES:
|
283 |
+
s = s.replace(e, u)
|
284 |
+
return s
|
285 |
+
|
286 |
+
@staticmethod
|
287 |
+
def removePunct(s):
|
288 |
+
return Benchmark.regex.sub('', s)
|
289 |
+
|
290 |
+
# CONSTANTS
|
291 |
+
regex = re.compile('[%s]' % re.escape(string.punctuation))
|
292 |
+
|
293 |
+
# Penn treebank bracket escapes
|
294 |
+
# Taken from: https://github.com/nlplab/brat/blob/master/server/src/gtbtokenize.py
|
295 |
+
PTB_ESCAPES = [('(', '-LRB-'),
|
296 |
+
(')', '-RRB-'),
|
297 |
+
('[', '-LSB-'),
|
298 |
+
(']', '-RSB-'),
|
299 |
+
('{', '-LCB-'),
|
300 |
+
('}', '-RCB-'),]
|
301 |
+
|
302 |
+
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']
|
303 |
+
|
304 |
+
def f_beta(precision, recall, beta = 1):
|
305 |
+
"""
|
306 |
+
Get F_beta score from precision and recall.
|
307 |
+
"""
|
308 |
+
beta = float(beta) # Make sure that results are in float
|
309 |
+
return (1 + pow(beta, 2)) * (precision * recall) / ((pow(beta, 2) * precision) + recall)
|
310 |
+
|
311 |
+
|
312 |
+
if __name__ == '__main__':
|
313 |
+
args = docopt.docopt(__doc__)
|
314 |
+
logging.debug(args)
|
315 |
+
|
316 |
+
if args['--allennlp']:
|
317 |
+
predicted = AllennlpReader()
|
318 |
+
predicted.read(args['--allennlp'])
|
319 |
+
|
320 |
+
if args['--stanford']:
|
321 |
+
predicted = StanfordReader()
|
322 |
+
predicted.read(args['--stanford'])
|
323 |
+
|
324 |
+
if args['--props']:
|
325 |
+
predicted = PropSReader()
|
326 |
+
predicted.read(args['--props'])
|
327 |
+
|
328 |
+
if args['--ollie']:
|
329 |
+
predicted = OllieReader()
|
330 |
+
predicted.read(args['--ollie'])
|
331 |
+
|
332 |
+
if args['--reverb']:
|
333 |
+
predicted = ReVerbReader()
|
334 |
+
predicted.read(args['--reverb'])
|
335 |
+
|
336 |
+
if args['--clausie']:
|
337 |
+
predicted = ClausieReader()
|
338 |
+
predicted.read(args['--clausie'])
|
339 |
+
|
340 |
+
if args['--openiefour']:
|
341 |
+
predicted = OpenieFourReader()
|
342 |
+
predicted.read(args['--openiefour'])
|
343 |
+
|
344 |
+
if args['--openiefive']:
|
345 |
+
predicted = OpenieFiveReader()
|
346 |
+
predicted.read(args['--openiefive'])
|
347 |
+
|
348 |
+
if args['--benchmarkGold']:
|
349 |
+
predicted = BenchmarkGoldReader()
|
350 |
+
predicted.read(args['--benchmarkGold'])
|
351 |
+
|
352 |
+
if args['--tabbed']:
|
353 |
+
predicted = TabReader()
|
354 |
+
predicted.read(args['--tabbed'])
|
355 |
+
|
356 |
+
if args['--binaryMatch']:
|
357 |
+
matchingFunc = Matcher.binary_tuple_match
|
358 |
+
|
359 |
+
elif args['--simpleMatch']:
|
360 |
+
matchingFunc = Matcher.simple_tuple_match
|
361 |
+
|
362 |
+
elif args['--exactMatch']:
|
363 |
+
matchingFunc = Matcher.argMatch
|
364 |
+
|
365 |
+
elif args['--predMatch']:
|
366 |
+
matchingFunc = Matcher.predMatch
|
367 |
+
|
368 |
+
elif args['--lexicalMatch']:
|
369 |
+
matchingFunc = Matcher.lexicalMatch
|
370 |
+
|
371 |
+
elif args['--strictMatch']:
|
372 |
+
matchingFunc = Matcher.tuple_match
|
373 |
+
|
374 |
+
else:
|
375 |
+
matchingFunc = Matcher.binary_linient_tuple_match
|
376 |
+
|
377 |
+
b = Benchmark(args['--gold'])
|
378 |
+
# out_filename = args['--out']
|
379 |
+
|
380 |
+
|
381 |
+
optimal_f1_point = b.compare(predicted = predicted.oie,
|
382 |
+
matchingFunc = matchingFunc,
|
383 |
+
error_file = args["--error-file"],
|
384 |
+
binary = args["--binary"])
|
385 |
+
|
386 |
+
print("Precision: {}, Recall: {}, F1-score: {}".format(optimal_f1_point[0], optimal_f1_point[1], optimal_f1_point[2]))
|
data/evaluation_data/carb/carb_test_conjunctions.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
data/evaluation_data/carb/data/dev.txt
ADDED
@@ -0,0 +1,641 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
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 .
|
2 |
+
He served as the first Prime Minister of Australia and became a founding justice of the High Court of Australia .
|
3 |
+
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 . ''
|
4 |
+
Undercover cop Muscles enlists his childhood friends , the `` Five Lucky Stars '' , to travel to Japan to help him catch a Yakuza group .
|
5 |
+
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 .
|
6 |
+
Regulations meant that the original sixth lap would be deleted and the race would be restarted from the beginning of said lap .
|
7 |
+
At this point , the player confronts a boss , who is usually considerably larger and tougher than regular enemies .
|
8 |
+
Separate berthings and heads are found on sailboats over about .
|
9 |
+
Test & official start of the TVN24 HD started on 30 November 2012 .
|
10 |
+
Autostereoscopy is any method of displaying stereoscopic images without the use of special headgear or glasses on the part of the viewer .
|
11 |
+
Graner handcuffed him to the bars of a cell window and left him there , feet dangling off the floor , for nearly five hours .
|
12 |
+
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 .
|
13 |
+
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 .
|
14 |
+
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 .
|
15 |
+
All officers are additionally equipped with less-lethal weapons for use against threats that do not justify a firearms response .
|
16 |
+
These include any Assistant to the President , Deputy Assistant to the President , and Special Assistant to the President .
|
17 |
+
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 .
|
18 |
+
After the British capture of Madrid , Hill had responsibility for an army of 30,000 men .
|
19 |
+
US 258 and NC 122 parallel the river north before the two routes diverge northeast of Tarboro .
|
20 |
+
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 .
|
21 |
+
Several years later the remaining trackage at Charles City was abandoned .
|
22 |
+
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 .
|
23 |
+
They are also known in Japan as `` Northern Territories '' .
|
24 |
+
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 .
|
25 |
+
Dr. Jagan himself was personally involved in the organization of the strike , and helped to raise funds across the country to it .
|
26 |
+
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 .
|
27 |
+
Rockwell and NASA thus retroactively re-designated the MPTA as MPTA-098 , though it was never christened with a name .
|
28 |
+
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 .
|
29 |
+
Voyslava has killed Mlada , Yaromir 's bride , to have him for herself .
|
30 |
+
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 .
|
31 |
+
Montgomery Blair 's Science , Math , and Technology Academy specializes in : Life Science , Physical Science , Engineering , Mathematics , Computer Networking , and Computer Programming .
|
32 |
+
The city 's population boomed , 5 boroughs were formed , the New York City Subway was opened and became a symbol of progress and innovation .
|
33 |
+
This `` 1-in-200 year event '' flooded major intersections and underpasses and damaged both residential and commercial properties .
|
34 |
+
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 .
|
35 |
+
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 .
|
36 |
+
The fractional quantum Hall effect continues to be influential in theories about topological order .
|
37 |
+
A British version of this show was developed , known as `` Gladiators : Train 2 Win '' .
|
38 |
+
Plant communities include creosote and sagebrush at lower altitudes , and bristlecone pine forests at higher .
|
39 |
+
Instead of having system calls specifically for process management , Plan 9 provides the codice_13 file system .
|
40 |
+
X is revealed to be the leader of Neo Arcadia and Zero confronts X in battle .
|
41 |
+
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 .
|
42 |
+
`` 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 .
|
43 |
+
The previous champions in 2005 were Kilmacud Crokes , who were knocked out of the 2006 competition at the semi-final stage .
|
44 |
+
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 .
|
45 |
+
He and his friends were said to have made bombs for fun on the outskirts of Murray , Utah .
|
46 |
+
In 1840 , he was appointed to command his regiment , a post he held for nearly fourteen years .
|
47 |
+
A large gravestone was erected in 1866 , over 100 years after his death .
|
48 |
+
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 .
|
49 |
+
In England , emphasis was placed on the orientation of the chapels to the east .
|
50 |
+
From the , 275 or 26.1 % were Roman Catholic , while 624 or 59.3 % belonged to the Swiss Reformed Church .
|
51 |
+
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 .
|
52 |
+
Maduveya Vayasu song from nanjundi kalyana was a track played during marriages for many many years in Kannada .
|
53 |
+
This releases some of the water molecules into the bulk of the water , leading to an increase in entropy .
|
54 |
+
It is necessary to climb embankments to cross some roads where former bridges have been filled in .
|
55 |
+
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 .
|
56 |
+
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 .
|
57 |
+
The Original Celtics were a barnstorming professional basketball team in the 1920s .
|
58 |
+
His body was laid to rest at St. Gwynno Church in the Llanwynno forestry .
|
59 |
+
Each of the programs uses a combination of funding priorities and geographic requirements to select grants , described on the foundation 's web site .
|
60 |
+
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 .
|
61 |
+
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 .
|
62 |
+
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 .
|
63 |
+
The Aura spacecraft has a mass of about 1,765 kg .
|
64 |
+
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 .
|
65 |
+
The main reason for this adoption over mainline gimp was its support for high bit depths which can be required for film work .
|
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 .
|
67 |
+
It 's recommended to have only two males and a dozen or so females .
|
68 |
+
They have a large range of possible power supplies , and can be 380V , 1000V , or even higher .
|
69 |
+
She began her film career in 1947 in the film `` A New Oath '' .
|
70 |
+
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 .
|
71 |
+
Courtelary is first mentioned in 968 as `` Curtis Alerici '' in a list of the properties of Moutier-Grandval Abbey .
|
72 |
+
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 .
|
73 |
+
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 .
|
74 |
+
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 . ''
|
75 |
+
The championship was at the Pinehurst Resort where Stewart won his last major championship only a few months before his death .
|
76 |
+
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 .
|
77 |
+
During the language shift , however , the receding language A still influences language B .
|
78 |
+
This manual for warriors describes the necessity for understanding an opponent 's weaknesses , for using spies , and for striking in moments of weakness .
|
79 |
+
It was club policy to promote talent into the senior team that was adopted by Bill Dimovski .
|
80 |
+
They remained together into their elderly ages for more than 40 years only to marry in 2000 .
|
81 |
+
It includes thirty-two elementary schools , nine middle schools , ten high schools and one charter school .
|
82 |
+
Baako 's grandmother Naana , a blind-seer , stands in living contact with the ancestors .
|
83 |
+
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 .
|
84 |
+
Dangaioh 's characters , mecha , and storyline elements appeared in Banpresto 's `` Super Robot Wars '' games .
|
85 |
+
Millais painted daily into the winter putting lamps under the tub to warm the water .
|
86 |
+
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 .
|
87 |
+
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 .
|
88 |
+
During the latter , Springsteen mentioned he did plan to work with the E Street Band again in the future , but was vague about details .
|
89 |
+
Thus , any event that would minimize such a surface is entropically favored .
|
90 |
+
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 .
|
91 |
+
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 .
|
92 |
+
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 .
|
93 |
+
Vaccinations against other viral diseases followed , including the successful rabies vaccination by Louis Pasteur in 1886 .
|
94 |
+
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 .
|
95 |
+
On April 13 , 1987 , the Iowa Terminal Railroad was sold to Dave Johnson and renamed to Iowa Traction Railroad .
|
96 |
+
Instead he awoke when a smaller meteorite hit the Earth in 1992 , seven years too early .
|
97 |
+
The neighborhood comprises an older industrial and residential harbor front area along the Kill Van Kull west of St. George .
|
98 |
+
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 .
|
99 |
+
XM did offer a free month of service to subscribers who called in complaints of the suspension .
|
100 |
+
Darwin came into residence in Cambridge on 26 January 1828 , and matriculated at the University 's Senate House on 26 February .
|
101 |
+
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 .
|
102 |
+
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 . ''
|
103 |
+
That night , 300 soldiers of the 1st SS Battalion were able to reinforce the hotel and defeat several attacks on the building .
|
104 |
+
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 .
|
105 |
+
Hiester was born in Montgomery County , Pennsylvania on July 17 , 1749 , the son of German immigrants Daniel and Catherine Shuller Hiester .
|
106 |
+
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 .
|
107 |
+
During the 1730s Britain 's relationship with Spain had slowly declined .
|
108 |
+
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 .
|
109 |
+
Arminius , leader of the Cherusci and allies , now had a free hand .
|
110 |
+
DePauw University awarded the degree `` Doctor of Divinity '' in 1892 .
|
111 |
+
This finding indicated that organic compounds could carry current .
|
112 |
+
On 19 October 2010 , Tuqiri was officially named in the Australian squad for the Four Nations as a replacement for the injured Jarryd Hayne .
|
113 |
+
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 .
|
114 |
+
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 .
|
115 |
+
Standing in contrast to Descartes 's scientific reductionism and philosophical analysis , it proposes to view systems in a holistic manner .
|
116 |
+
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 .
|
117 |
+
`` My Classical Way '' was released on 21 September 2010 on Marc 's own label , Frazzy Frog Music .
|
118 |
+
Continuing duties specified for freed slaves in manumission agreements became more common into the Hellenistic era , and they may have been customary earlier .
|
119 |
+
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 .
|
120 |
+
Frowin founded the Benedictine monastery of New Engleberg at Conception , which was erected into an abbey in 1881 .
|
121 |
+
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 .
|
122 |
+
This church is of medieval origin , the building has undergone a radical transformation in 1885 .
|
123 |
+
Lugo and Lozano were released in 1993 and continue to reside in Venezuela .
|
124 |
+
Ballast tanks are equipped to change a ship 's trim and modify its stability .
|
125 |
+
Kabul had textile , cotton production , and carpet production industries , but most of its economy came through tourism which it lost during its destruction .
|
126 |
+
Often , objects are so far away that they do not contribute significantly to the final image .
|
127 |
+
This often results in unexpected deaths , either directly or from stress-induced illness .
|
128 |
+
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 .
|
129 |
+
In 1845 , he was chosen Chief Justice of the Court of Queen 's Bench .
|
130 |
+
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 .
|
131 |
+
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 .
|
132 |
+
11 million copies of the flyer were distributed to the public via an 85-newspaper distribution chain .
|
133 |
+
McLay also suggests that the songs negate what many consider to be a `` heretical '' ending for a comedy .
|
134 |
+
The town and surrounding villages were hit by two moderate earthquakes within ten years .
|
135 |
+
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 .
|
136 |
+
Voorhees approved a plan in 2010 for an $ 850,000 artificial turf field to be completed by 2011 .
|
137 |
+
The theatrical flourishes and unique gimmicks she used in her stage show went beyond established burlesque routines like the fan dance and balloon dance .
|
138 |
+
Many young South African artists made their debut on LM Radio through the numerous road shows which toured the country .
|
139 |
+
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 .
|
140 |
+
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 .
|
141 |
+
When New Tomorrowland opened in 1967 , the space that this ride occupied was turned into the Tomorrowland Stage .
|
142 |
+
The RIAA lists it as one of the Best Selling Albums of All Time .
|
143 |
+
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 .
|
144 |
+
The Cathedral and the belfry were thoroughly renovated from 2006 to 2008 .
|
145 |
+
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 .
|
146 |
+
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 .
|
147 |
+
Later , it carried `` Monitor , '' the network 's very successful weekend radio service .
|
148 |
+
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 .
|
149 |
+
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 .
|
150 |
+
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 .
|
151 |
+
His works span a wide range of topics from the occult to natural history , literary criticism , biology , cartography , and iconography .
|
152 |
+
After leaving , he tried to find acting jobs and worked as an Elvis impersonator for a short time .
|
153 |
+
These screening activities include : review of group-based data ; hearing , vision , motor , and speech/language screening ; and review by the Special Education administration .
|
154 |
+
It was only incidentally that economic issues appeared in nationalist political forms .
|
155 |
+
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 .
|
156 |
+
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 .
|
157 |
+
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 .
|
158 |
+
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 .
|
159 |
+
He became the first code-crosser to play test rugby league for Australia a second time after returning from rugby union .
|
160 |
+
This is usually caused by interacting inductive and capacitive elements in the oscillator .
|
161 |
+
A second factor is resource dependence ; there must be a perceptible threat of resource depletion , and it must be difficult to find substitutes .
|
162 |
+
The term can be applied to any vessel ; turning turtle is less frequent but more dangerous on ships than on smaller boats .
|
163 |
+
The enantioselectivity of this reaction is important because only the S enantiomer is medicinally desirable , whereas the R enantiomer produces harmful health effects .
|
164 |
+
Sligo town then became an incorporated municipal borough with a Royal Charter issued by the British King James I in 1613/14 .
|
165 |
+
Tom Bradley joined the London , Midland and Scottish Railway Company as a junior clerk in the Goods Depot at Kettering in 1941 .
|
166 |
+
A better alternative in order to find the best possible results would be to use the Smith-Waterman algorithm .
|
167 |
+
High Court judges are therefore referred to as the Honourable Mr/Mrs Justice Smith .
|
168 |
+
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 '' .
|
169 |
+
Alexander supposedly said after this incident that he had never been so lucky in his entire career .
|
170 |
+
Tom McMorran joined the band in 1994 after Mark Portmann left and in August of that year the band released `` Sahara '' .
|
171 |
+
Passenger services on the line were terminated on 31 December 1954 .
|
172 |
+
Later , the very different STA was converted into a flightworthy orbiter , re-designated OV-099 , and christened `` Challenger '' .
|
173 |
+
In 1958 , he won gold medal at the 6th European Championships in Stockholm .
|
174 |
+
The number of ones equals the number of zeros plus one , since the state containing only zeros can not occur .
|
175 |
+
In 1984 , KOMO became the first television station to broadcast daily programming in full stereo sound .
|
176 |
+
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 .
|
177 |
+
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 .
|
178 |
+
The United States High Commissioner for Germany and his staff occupied the building from 1949 to 1952 .
|
179 |
+
As she reads the articles , she also makes veiled references and innuendo relating to the slang use of `` beaver '' .
|
180 |
+
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 .
|
181 |
+
Butters Drive in the Canberra suburb of Phillip is named in his honour .
|
182 |
+
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 .
|
183 |
+
Overseas teams would not return to Russia until 1998 , when a youth tournament was held in Moscow .
|
184 |
+
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 .
|
185 |
+
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 .
|
186 |
+
Just above seen is a replica of a Shiva lingam .
|
187 |
+
The ninth leaf contains a circular world map measuring in circumference .
|
188 |
+
It hosts the `` Zomercarnaval '' , the second largest Caribbean carnival in Europe , originally called the Antillean carnival .
|
189 |
+
However , the term cob , defined as a short-legged , stout horse , is a body type rather than a breed .
|
190 |
+
The car was based around a Rodeck resleevable , modified Chevrolet 350 ci V8 racing engine coupled to a custom three-speed transmission .
|
191 |
+
Moreover , some sponsors pulled their advertising off XM in protest of the suspension .
|
192 |
+
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 .
|
193 |
+
KFI helped to keep the calm during the dark days of World War II by airing President Franklin D. Roosevelt 's `` Fireside Chats . ''
|
194 |
+
Having returned to the Second Division at the first attempt , they gained promotion to the First Division in 1974 .
|
195 |
+
Many lodge members , youth and adult , are active staff members of both Scout and Cub Scout camps .
|
196 |
+
From 1970 to 1985 , Gideon Rodan taught at the University of Connecticut School of Dental Medicine until he switched over to Merck .
|
197 |
+
He stayed for less than a year before being appointed Chief Constable of Kent in July 1946 .
|
198 |
+
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 .
|
199 |
+
These are known as Porter 's three generic strategies and can be applied to any size or form of business .
|
200 |
+
Unsure of who he is , Zero helps the band of Reploids , who in turn marvel at his skills .
|
201 |
+
The mouse is around nine inches long , and can jump in bounds of four feet when threatened .
|
202 |
+
For patients who do not recover quickly , the protocol also includes support groups and/or psychotherapy .
|
203 |
+
Fishing boats and cargo ships typically have one or more cargo holds .
|
204 |
+
He returned to Cleveland , working in clubs as a singer , dancer , and comedian , often appearing in character as Prince DuMarr .
|
205 |
+
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 .
|
206 |
+
They do n't possess eyelids so they must lick their eyeballs clean in order to keep them moist .
|
207 |
+
They acquired the Charles City Western on December 31 , 1963 .
|
208 |
+
An `` Dangaioh '' adventure game was released for the PC-8801 in Japan in April 1990 .
|
209 |
+
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 .
|
210 |
+
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 .
|
211 |
+
It was united with the Clitheroe Rural District , as part of the Ribble Valley district in the non-metropolitan county of Lancashire .
|
212 |
+
Passengers for or should change at Twyford during off peak .
|
213 |
+
Hofmann was born in Salt Lake City , Utah .
|
214 |
+
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 .
|
215 |
+
In 1962 , Salahuddin won from Patharghatti assembly seat as an Independent candidate and later from Charminar constituency in 1967 .
|
216 |
+
`` 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 .
|
217 |
+
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 .
|
218 |
+
Walcott was brought on one knee in the third round and the fight ended with hardly a scratch on Langford .
|
219 |
+
He toured extensively throughout the world , and earned the marketing nickname `` the Pavarotti of the Organ '' .
|
220 |
+
Other people that can be classified using this title include the Vice President and Cabinet secretaries .
|
221 |
+
But ex-slaves were able to own property outright , and their children were free of all constraint .
|
222 |
+
The University of Florida however , refused to recognize BYX .
|
223 |
+
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 .
|
224 |
+
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 .
|
225 |
+
The Israeli controlled sector was captured by Israel in the Six-Day War of June 1967 .
|
226 |
+
Around the `` triangle area , '' which includes Quanzhou , Xiamen and Zhangzhou , locals all speak Minnan languages .
|
227 |
+
In 2004 it was expected that redevelopment work in the remaining subway would probably obliterate what remains exist .
|
228 |
+
Ely Cathedral was never vaulted and retains a wooden ceiling over the nave .
|
229 |
+
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 '' .
|
230 |
+
The narrator does not end up being sexually assaulted ; instead , she has grabbed her suitcase and fled the compartment .
|
231 |
+
Though this time , the Brumbies won , 47 to 38 in front of a record crowd at Canberra Stadium .
|
232 |
+
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 .
|
233 |
+
Alan , one of the crew , begins to behave strangely and Pete suggests taking a blood sample to check .
|
234 |
+
A different judge then ordered the case reviewed by a higher court .
|
235 |
+
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 .
|
236 |
+
He was awarded the Queen 's Police Medal in the 1957 New Year Honours .
|
237 |
+
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 .
|
238 |
+
As a result , environmental factors are also understood to contribute heavily to the strength of intimate relationships .
|
239 |
+
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 .
|
240 |
+
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 .
|
241 |
+
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 .
|
242 |
+
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 .
|
243 |
+
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 .
|
244 |
+
They believe in God as a single entity , not as the Trinity accepted by the vast majority of Christians .
|
245 |
+
The body was made largely of lightweight carbon fiber and Kevlar , known for its strength , and lightness .
|
246 |
+
In the post - `` Gregg '' era Texas has executed over four times more inmates than Virginia and nearly 37 times more inmates than California .
|
247 |
+
On 1 July 1955 he was made an Officer of the Order of St John .
|
248 |
+
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 '' .
|
249 |
+
After the Battle of Culloden in 1746 , these rebellions were crushed .
|
250 |
+
A very early form of vaccination known as variolation was developed several thousand years ago in China .
|
251 |
+
This currently sees the club ranked sixth in terms of premierships won .
|
252 |
+
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 .
|
253 |
+
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 .
|
254 |
+
Back at the hotel , Taylor went ahead of Lemmy and told him `` Eddie 's left the band '' .
|
255 |
+
`` 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 .
|
256 |
+
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 .
|
257 |
+
Australian Amber Wing was the first woman to land a ts fs wake to wake 900 .
|
258 |
+
After this she became very ill with a severe cold or pneumonia .
|
259 |
+
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 .
|
260 |
+
She resigns after the events of `` The Last Precinct '' and relocates to Florida to become a private forensic consultant .
|
261 |
+
He is also known for his `` Aramata Collection '' , a private library housing thousands of rare books from the 18th and 19th centuries .
|
262 |
+
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 .
|
263 |
+
The 2005 model introduced a third row of seats to the Pathfinder line for the first time .
|
264 |
+
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 .
|
265 |
+
The department came under grant-in-aid scheme of Government of Karnataka in 1992 .
|
266 |
+
The district also provides recreation and leisure services to many non-residents of the area on a fee basis .
|
267 |
+
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 .
|
268 |
+
He was also able to more easily control his animal instincts after this second mutation .
|
269 |
+
Hence it can be represented by the integer notation .
|
270 |
+
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 .
|
271 |
+
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 .
|
272 |
+
Like most incarnations , Felicia has a relationship with Spider-Man Noir .
|
273 |
+
The use of high ranking , anonymous sources has caused numerous scandals for the Bush Administration , most notably the Plame Affair .
|
274 |
+
A dam on the creek has created a lake covering for fishing , boating , and swimming .
|
275 |
+
That method relies heavily on inductive logic , seeking to show that his Christian beliefs fit best with the evidence .
|
276 |
+
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 .
|
277 |
+
In 1862 , Henry Letheby obtained a partly conductive material by anodic oxidation of aniline in sulfuric acid .
|
278 |
+
The lodge also hosts fellowship events , conclaves , training events , and an annual family banquet , and supports the council activities at Council-run events .
|
279 |
+
Hoechst 33342 exhibits a 10 fold greater cell-permeability than H 33258 .
|
280 |
+
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 .
|
281 |
+
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 .
|
282 |
+
The very ease of acquiring Esperanto might even accelerate the process .
|
283 |
+
Blagoja ` Billy ' Celeski is an Australian footballer who plays as a midfielder for the Newcastle Jets .
|
284 |
+
He further stated that Hauptmann looked different and that `` John '' was actually dead because he had been murdered by his confederates .
|
285 |
+
Staff were only informed of the decision to cease broadcasting 24 hours earlier at 5pm on the evening of 23 December .
|
286 |
+
Pursuit of the routed enemy to the French border was halted on 2 May upon the German surrender in Italy .
|
287 |
+
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 .
|
288 |
+
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 .
|
289 |
+
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 .
|
290 |
+
Wild radish seeds contain up to 48 % oil content , and while not suitable for human consumption , this oil is a potential source of biofuel .
|
291 |
+
On one occasion the lamps went out and the water became icy cold .
|
292 |
+
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 .
|
293 |
+
The Anti-Monitor began to siphon the positive matter of New York City to create his Antimatter waves .
|
294 |
+
In Taiwan , the locals speak a version of the Minnan language which is called Taiwanese .
|
295 |
+
There are 109 individuals who belong to another church , and 20 individuals did not answer the question .
|
296 |
+
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 .
|
297 |
+
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 .
|
298 |
+
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 .
|
299 |
+
These tracks have subsequently been included on CD reissues of the album `` The Plan '' .
|
300 |
+
By the end of this experiment several results were found .
|
301 |
+
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 .
|
302 |
+
In 1982 Caro was trying to organise an exhibition of British abstract art in South African townships when he met Robert Loder .
|
303 |
+
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 .
|
304 |
+
In 1991 he started writing and touring full-time which he still does today .
|
305 |
+
Davis released about 25 singles during his seven years with Dakar , most of them big R&B sellers produced by Willie Henderson .
|
306 |
+
It is best served with laksa and homemade tauhu .
|
307 |
+
At first , she seems happy with this arrangement .
|
308 |
+
The cockpit was protected from the engine by a firewall ahead of the wing center section where the fuel tanks were located .
|
309 |
+
Ed drives the creature into the airlock , with the intention of venting it into space .
|
310 |
+
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 '' .
|
311 |
+
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 .
|
312 |
+
Within England and especially Scotland , there were repeated attempts by the deposed House of Stewart to regain the throne , leading to severe uprisings .
|
313 |
+
He ran for Speaker of the Rhode Island House of Representatives four times .
|
314 |
+
Ed tries to explain what happened to a skeptical Pete .
|
315 |
+
Afterward he has joined Emma Frost 's Academy of Tomorrow , a school for gifted beings .
|
316 |
+
Porter wrote in 1980 that strategy target either cost leadership , differentiation , or focus .
|
317 |
+
In 2004 the Oxford English University Press included Makaton as a common usage word in the Oxford English Dictionary .
|
318 |
+
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 .
|
319 |
+
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 .
|
320 |
+
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 .
|
321 |
+
Their purpose is to be fair to both parties , disallowing the raising of allegations without a basis in provable fact .
|
322 |
+
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 .
|
323 |
+
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 .
|
324 |
+
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 .
|
325 |
+
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 . ''
|
326 |
+
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 .
|
327 |
+
He was born to Afro-Guyanese parents & is of Afro-Guyanese descent .
|
328 |
+
Plans to artificially oxygenate areas of the Baltic that have experienced eutrophication have been proposed by the University of Gothenburg and Inocean AB .
|
329 |
+
On 15 January 1999 , Senchuk was appointed as governor of the Lviv region ; for some time he combined two posts .
|
330 |
+
Thus , acquisition of quantitative heavy-element spectra can be time-consuming , taking tens of minutes to hours .
|
331 |
+
For example , when two such hydrophobic particles come very close , the clathrate-like baskets surrounding them merge .
|
332 |
+
with a .535 slugging percentage , and the Astros , where he batted .260 in 64 games , primarily at second base .
|
333 |
+
Each of these people influenced her development as a person .
|
334 |
+
The doctor , Erasistratus , suspects love is behind Antiochus 's suffering .
|
335 |
+
The lead single that holds the same name , is a soft melodic song that differs from Tiger JK 's past releases .
|
336 |
+
The Lletty Shenkin explosion of 1849 , in particular , led to demands the local middle classes in Aberdare , for improved safety in the mines .
|
337 |
+
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 .
|
338 |
+
In 1717 Lady Mary Wortley Montagu observed the practice in Istanbul and attempted to popularize it in Britain , but encountered considerable resistance .
|
339 |
+
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 .
|
340 |
+
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 .
|
341 |
+
After a break of four years , he became a Lord Justice of Appeal .
|
342 |
+
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 .
|
343 |
+
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 .
|
344 |
+
Its bus operations were merged with another city-owned company , Suomen Turistiauto , to form a new bus company called Helsingin Bussiliikenne .
|
345 |
+
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 .
|
346 |
+
In 1914 , the BSA gave local councils the power to segregate African Americans from white Scouts .
|
347 |
+
Byrom Street Cutting became a runaway catch point for runaway trains in the tunnel .
|
348 |
+
In the first volume of the series , The Noh 's nature and background is explained .
|
349 |
+
The first , at a severity of Mw 6.0 , occurred on May 26 , 1994 .
|
350 |
+
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 .
|
351 |
+
The Federal Trade Commission began an investigation in late 1995 .
|
352 |
+
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 .
|
353 |
+
The city is served by two long-distance bus stations : Jiaxing North Bus Station and the new Jiaxing Transportation Center .
|
354 |
+
The Harford County Public Schools system is the public school system serving the residents of Harford County .
|
355 |
+
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 .
|
356 |
+
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 .
|
357 |
+
In `` The Scarpetta Factor , '' she is working full-time and Wesley is working part-time in New York .
|
358 |
+
The waist line was put higher and the skirts became longer .
|
359 |
+
Adnan Latif was in a car accident in 1994 , during which he suffered significant head injuries , which left him with on-going neurological problems .
|
360 |
+
He played for the Kangaroos in all four matches , including the final , scoring one try .
|
361 |
+
Dripping can be clarified by adding a sliced raw potato and cooking until potato turns brown .
|
362 |
+
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 .
|
363 |
+
It was regained by Syria on October 6 , 1973 , the first day of the Yom Kippur War , following the First Battle of Mount Hermon .
|
364 |
+
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 .
|
365 |
+
Charles prorogued parliament on 25 June , but the army was not disbanded , which worried Shaftesbury .
|
366 |
+
A year later , he was appointed Attorney-General for Ireland and on this occasion was sworn of the Privy Council of Ireland .
|
367 |
+
He had been at the Battle of the Granicus River , and had believed that Memnon 's scorched Earth strategy would work here .
|
368 |
+
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 .
|
369 |
+
The weapons do not influence the other racers at all .
|
370 |
+
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 .
|
371 |
+
A series of councils were held in 657 , 669 , 846 , 850 , 852 , 853 , 862 , 980 , 986 , 996 , 1048 , 1071 and 1080 .
|
372 |
+
The latter was lifted only as the b-side of `` Keep on Loving Me '' .
|
373 |
+
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 .
|
374 |
+
Furious at being passed over again , Michael secures another job with a rival company and plans on leaving his family behind for good .
|
375 |
+
Korean villagers hiding resistance fighters were dealt with harshly , often with summary execution , rape , forced labour , and looting .
|
376 |
+
He left that post to become the second commander of the U.S. Army 's 1st Armored Division .
|
377 |
+
In particular , her grandmother required high standards of behavior from Florence , referring to the family as descendants of Virginia 's colonial elite .
|
378 |
+
Until its 2007 acquisition by Tavistock Group , Freebirds World Burrito had its corporate headquarters in College Station .
|
379 |
+
In 1891 , the academy moved to the German-English Academy Building in downtown Milwaukee .
|
380 |
+
He chose a path of confrontation , of conflict .
|
381 |
+
They point to other easy-to-learn languages such as Tok Pisin in Papua New Guinea , which have had deleterious effects on minority languages .
|
382 |
+
One of the prisoners , Kasim Mehaddi Hilas , said that one day he asked Graner for the time so that he could pray .
|
383 |
+
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 .
|
384 |
+
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 .
|
385 |
+
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 .
|
386 |
+
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 .
|
387 |
+
The first single , `` Dreamer , '' features performances by keyboardist Philippe Saisse , and vocalists Jasmine Roy and Rebeca Vega .
|
388 |
+
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 .
|
389 |
+
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 .
|
390 |
+
In 1970 , Arad moved to the United States and enrolled at Hofstra University to study industrial management .
|
391 |
+
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 .
|
392 |
+
The novel follows Cashel Byron , a world champion prizefighter , as he tries to woo wealthy aristocrat Lydia Carew without revealing his illegal profession .
|
393 |
+
QVC Network Inc. said it completed its acquisition of CVN Cos. for about $ 423 million .
|
394 |
+
The spirits , of course , could hardly care less whether people do or do n't believe in them .
|
395 |
+
The debt ceiling is scheduled to fall to $ 2.8 trillion from $ 2.87 trillion at midnight tonight .
|
396 |
+
Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint .
|
397 |
+
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 .
|
398 |
+
FEDERAL HOME LOAN MORTGAGE CORP. ( Freddie Mac ) : Posted yields on 30 - year mortgage commitments for delivery within 30 days .
|
399 |
+
Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie .
|
400 |
+
The machine employs reduced instruction - set computing , or RISC , technology .
|
401 |
+
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 . ''
|
402 |
+
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 .
|
403 |
+
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 .
|
404 |
+
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 .
|
405 |
+
The supply of experienced civil engineers , though , is tighter .
|
406 |
+
Salomon Brothers says , `` We believe the real estate properties would trade at a discount ... after the realty unit is spun off ... .
|
407 |
+
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 .
|
408 |
+
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 .
|
409 |
+
On a 394 - 21 roll call , the House adopted the underlying transportation measure .
|
410 |
+
`` But it 's risky , '' he says of Specialized 's attempt to adopt a corporate structure .
|
411 |
+
But that development also had little effect on traders ' sentiment .
|
412 |
+
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 .
|
413 |
+
So far , Nissan 's new - model successes are mostly specialized vehicles with limited sales potential .
|
414 |
+
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 . ''
|
415 |
+
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 .
|
416 |
+
Deseret , with about $ 100 million in assets , is the parent of the Deseret Bank , which has six offices and headquarters at Pleasant Grove , Utah .
|
417 |
+
Both sides are jealously guarding their turf , and relations have been at a flashpoint for months .
|
418 |
+
He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania .
|
419 |
+
`` It 's going to be a tough league , '' promises the 47 - year - old Mr. Campaneris .
|
420 |
+
Ms. Waleson is a free - lance writer based in New York .
|
421 |
+
The latest research pact bolsters Du Pont 's growing portfolio of investments in superconductors .
|
422 |
+
But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold .
|
423 |
+
December municipal futures ended up 11\/32 point to 92-14 , having pulled off a morning low of 91-23 as cash municipals rebounded .
|
424 |
+
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 .
|
425 |
+
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 .
|
426 |
+
Premark International Inc. , for example , peddles the M8.7sp Electronic Cycling Simulator , a $ 2,000 stationary cycle .
|
427 |
+
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 .
|
428 |
+
China 's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony .
|
429 |
+
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 .
|
430 |
+
About 60 % of the work force will continue with Gillette or transfer to Twins Pharmaceuticals , the company said .
|
431 |
+
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 .
|
432 |
+
Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms .
|
433 |
+
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 .
|
434 |
+
Of the agency 's 2,750 staff members , 230 are in the field working on actual projects , such as literacy and oceanographic research .
|
435 |
+
Analysts say additional investors transferred their assets into money funds this month .
|
436 |
+
Machines dedicated solely to word processing , which have all but disappeared in the U.S. , are still more common in Japan than PCs .
|
437 |
+
Mr. Baker found an opening under the house that led to a fume - filled coal mine .
|
438 |
+
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 . ''
|
439 |
+
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 .
|
440 |
+
One of its international specialists , Steve White , took a quick interest in Mr. Stoll 's hunt , ultimately tracing the hacker to West Germany .
|
441 |
+
The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses .
|
442 |
+
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 .
|
443 |
+
Other Senators want to lower the down payments required on FHA - insured loans .
|
444 |
+
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 .
|
445 |
+
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 .
|
446 |
+
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 .
|
447 |
+
The computer can process 13.3 million calculations called floating - point operations every second .
|
448 |
+
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 .
|
449 |
+
It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine - tuned .
|
450 |
+
Great Northern Nekoosa soared $ 20.125 a share , to $ 62.875 , substantially above the $ 58 a share Georgia - Pacific is offering .
|
451 |
+
He adds that gold stocks had been down so long they were `` ready for a bounce . ''
|
452 |
+
Meanwhile , Shearson Lehman 's Mr. Devario said that , to stay competitive , the U.S. paper industry needs to catch up with the European industry .
|
453 |
+
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 .
|
454 |
+
`` I think we could very well have { an economic } slowdown , beginning very soon if not already , '' he says .
|
455 |
+
The machine can run software written for other Mips computers , the company said .
|
456 |
+
Mr. Mehl attributed the rise specifically to the Treasury bill increase .
|
457 |
+
That compared with an operating loss of $ 1.9 million on sales of $ 27.4 million in the year - earlier period .
|
458 |
+
State Senator J.E. `` Buster '' Brown , a Republican who is running for Texas attorney general , introduced the bill .
|
459 |
+
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 .
|
460 |
+
That would be a formula for ensuring even more FHA red ink .
|
461 |
+
Stephen McCartin , Mr. Hunt 's attorney , said his client welcomed the gamble .
|
462 |
+
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 .
|
463 |
+
Chrysler has had to temporarily close the St. Louis and Toledo plants recently because of excess inventories of vehicles built there .
|
464 |
+
Coke has tended to increase its control when results were sluggish in a given country .
|
465 |
+
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 .
|
466 |
+
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 .
|
467 |
+
BNL previously reported that its Georgia branch had taken on loan commitments topping $ 3 billion without the Rome - based management 's approval .
|
468 |
+
People close to the GM - Jaguar talks agreed that Ford now may be able to shut out General Motors .
|
469 |
+
Newport Electronics Inc. named a new slate of officers , a move that follows replacement of the company 's five incumbent directors last week .
|
470 |
+
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 .
|
471 |
+
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 .
|
472 |
+
Executions , regardless of how frequently they occur , are also `` proper retribution '' for heinous crimes , Mr. Hatch argues .
|
473 |
+
Nancy Craig , advertising manager for the Red Cross , readily admits `` they 're piggybacking on our reputation . ''
|
474 |
+
On U.S. - Japan relations : `` I 'm encouraged .
|
475 |
+
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 .
|
476 |
+
People familiar with Nekoosa said its board is n't likely to meet before the week after next to respond to the bid .
|
477 |
+
He will concentrate on , among others , J.P. Morgan and Hyundai .
|
478 |
+
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 .
|
479 |
+
Competition in the sale of complete bikes is heating up too .
|
480 |
+
T. Marshall Hahn Jr. , Georgia - Pacific 's chairman and chief executive , said in an interview that all terms of the offer are negotiable .
|
481 |
+
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 .
|
482 |
+
$ 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 .
|
483 |
+
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 .
|
484 |
+
Jaguar shares closed at 869 pence , up 122 pence , on hefty turnover of 9.7 million shares .
|
485 |
+
`` The profit locking - in is definitely going on , '' said Mr. Mills , whose firm manages $ 600 million for Boston Co .
|
486 |
+
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 .
|
487 |
+
Mr. Achenbaum 's move follows the announcement last month that his consulting partner , Stanley Canter , 66 , would retire .
|
488 |
+
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 .
|
489 |
+
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 ... .
|
490 |
+
His recent appearance at the Metropolitan Museum , dubbed `` A Musical Odyssey , '' was a case in point .
|
491 |
+
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 .
|
492 |
+
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 .
|
493 |
+
Large cross - border deals numbered 51 and totaled $ 17.1 billion in the second quarter , the firm added .
|
494 |
+
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 .
|
495 |
+
`` There are some things that have gone on here that nobody can explain , '' she says .
|
496 |
+
The brokerage firm tracks technology stocks with its Technology Index , which appreciated only 10.59 % in the first nine months of this year .
|
497 |
+
I worry more about things becoming so unraveled on the other side that they might become unable to negotiate .
|
498 |
+
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 .
|
499 |
+
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 . ''
|
500 |
+
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 .
|
501 |
+
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 .
|
502 |
+
A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan .
|
503 |
+
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 .
|
504 |
+
But it could also help American companies , which also are starting to try to open the market .
|
505 |
+
A company spokesman did n't know Mr. Wakeman 's age .
|
506 |
+
The IRS has been seeking more than $ 300 million in back taxes from Mr. Hunt .
|
507 |
+
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 .
|
508 |
+
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 . ''
|
509 |
+
The gene thus can prevent a plant from fertilizing itself .
|
510 |
+
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 .
|
511 |
+
Stock prices rallied as the Georgia - Pacific bid broke the market 's recent gloom .
|
512 |
+
He had developed a hatred for the hacker and a grudging appreciation of the federal `` spooks '' who make national security their business .
|
513 |
+
The offering , Series 109 , is backed by Freddie Mac 10 % securities .
|
514 |
+
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 .
|
515 |
+
All these vehicles have sharply improved Nissan 's morale and image -- but have n't done much for its market share .
|
516 |
+
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 .
|
517 |
+
The 10.48 % yield represents a spread to the 20 - year Treasury of 2.45 percentage points .
|
518 |
+
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 .
|
519 |
+
`` 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 .
|
520 |
+
Orkem , France 's third - largest chemical group , said it would fund the acquisition through internal resources .
|
521 |
+
It said the situation is caused by efforts to streamline bloated factory payrolls .
|
522 |
+
Accomplishing both will be a balancing act as challenging as riding a unicycle .
|
523 |
+
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 .
|
524 |
+
This year , Mr. Wathen says the firm will be able to service debt and still turn a modest profit .
|
525 |
+
Accepted bids ranged from 8 % to 8.019 % .
|
526 |
+
`` I ca n't do anything score - wise , but I like meeting the girls . ''
|
527 |
+
Ms. Shere has offered a $ 500 reward for the book 's return but figures she 'll have to reinvent many recipes from scratch .
|
528 |
+
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 .
|
529 |
+
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 .
|
530 |
+
`` 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 .
|
531 |
+
Chugai agreed to pay $ 6.25 a share for Gen - Probe 's 17.6 million common shares outstanding on a fully diluted basis .
|
532 |
+
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 .
|
533 |
+
The buyers , these analysts added , could be either foreign or other U.S. concerns .
|
534 |
+
Jack Kemp has submitted a package of reforms , and they are surely headed for the Capitol Hill sausage - grinder .
|
535 |
+
September was the 10th consecutive month in which steel exports failed to reach the year - earlier level .
|
536 |
+
Four other countries in Europe have approved Proleukin in recent months .
|
537 |
+
General Dynamics Corp. was given an $ 843 million Air Force contract for F - 16 aircraft and related equipment .
|
538 |
+
However , it does n't give much of a clue as to whether a recession is on the horizon .
|
539 |
+
`` Everyone else is going to catch up '' with Nissan 's innovative designs , says A. Rama Krishna , auto analyst at First Boston ( Japan ) Ltd .
|
540 |
+
But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684 , and broader market indexes were virtually unchanged .
|
541 |
+
The divested Courtaulds textile operations had operating profit of # 50 million on # 980 million in revenue in the year ended March 31 .
|
542 |
+
The drop marked the largest monthly tumble since a 19 % slide in January 1982 .
|
543 |
+
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 .
|
544 |
+
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 .
|
545 |
+
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 .
|
546 |
+
Mortgage securities ended 2\/32 to 4\/32 higher in light trading .
|
547 |
+
When it comes to busting ghosts , the Monroe , Conn. , couple are perfect demons .
|
548 |
+
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 .
|
549 |
+
`` That burden is very difficult , if not impossible , to meet , '' says Mr. Boyd .
|
550 |
+
We just want a plan that satisfies creditors and at the end leaves a healthy Revco . ''
|
551 |
+
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 .
|
552 |
+
Some have been training for months ; others only recently left active status .
|
553 |
+
The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis , he said .
|
554 |
+
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 .
|
555 |
+
He did not go as far as he could have in tax reductions ; indeed he combined them with increases in indirect taxes .
|
556 |
+
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 .
|
557 |
+
About 800 have crossed the picket lines and returned to work .
|
558 |
+
The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas .
|
559 |
+
SKILLED WORKERS aplenty are available to cope with earthquake damage .
|
560 |
+
For a long time , he ignored baseball altogether , even the sports pages .
|
561 |
+
A Ford spokesman said the Dearborn , Mich. , auto maker is n't aware of any injuries caused by the windshield problem .
|
562 |
+
But Mr. Simonds-Gooding said he is n't talking to any studios about investing .
|
563 |
+
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 .
|
564 |
+
And some doctors who have conducted hours of tests on themselves report temporary headaches .
|
565 |
+
The first part , consisting of $ 151 million of 13 3\/4 % senior subordinated reset notes , was priced at 99.75 .
|
566 |
+
Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge , Mass. , are working with more potent magnetic brain stimulators .
|
567 |
+
Advancing issues on the Big Board surged ahead of decliners 1,111 to
|
568 |
+
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 .
|
569 |
+
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 .
|
570 |
+
More big Japanese investors are buying U.S. mortgage - backed securities , reversing a recent trend .
|
571 |
+
Japan may be a tough market for outsiders to penetrate , and the U.S. is hopelessly behind Japan in certain technologies .
|
572 |
+
Officials believe this has left a gaping loophole that illegal drug businesses are exploiting .
|
573 |
+
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 .
|
574 |
+
RU-486 is being administered in France only under strict supervision in the presence of a doctor .
|
575 |
+
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 .
|
576 |
+
Even a federal measure in June allowing houses to add research fees to their commissions did n't stop it .
|
577 |
+
The far left had some good issues even if it did not have good programs for dealing with them .
|
578 |
+
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 .
|
579 |
+
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 .
|
580 |
+
Unlike most economic indicators , none of these figures are adjusted for seasonal variations .
|
581 |
+
Because the federal pension agency had taken over the old plans , LTV would be responsible only for benefits paid under the new pension plans .
|
582 |
+
The company has $ 1 billion in debt filed with the Securities and Exchange Commission .
|
583 |
+
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 .
|
584 |
+
Indeed , the `` art of doctoring '' does contribute to better health results and discourages unwarranted malpractice litigation .
|
585 |
+
Mr. Baker hears her out , pokes around a bit , asks a few questions and proposes some explanations .
|
586 |
+
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 .
|
587 |
+
The RTC will have to sell or merge hundreds of insolvent thrifts over the next three years .
|
588 |
+
`` 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 .
|
589 |
+
G-7 consists of the U.S. , Japan , Britain , West Germany , Canada , France and Italy .
|
590 |
+
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 .
|
591 |
+
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 .
|
592 |
+
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 .
|
593 |
+
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 .
|
594 |
+
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 .
|
595 |
+
`` 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 ... . ''
|
596 |
+
And the lawyers were just as eager as the judge to wrap it up .
|
597 |
+
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 .
|
598 |
+
They can be relieved only by changing that system , not by pouring Western money into it .
|
599 |
+
Their laboratory credentials established , Boyer and Swanson headed for Wall Street in 1980 .
|
600 |
+
Japan 's No. 111 4.6 % bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43 % .
|
601 |
+
If the government can stick with them , it will be able to halve this year 's 120 billion ruble ( US$ 193 billion ) deficit .
|
602 |
+
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 .
|
603 |
+
He accused Dow Jones of `` using unfair means to obtain the stock at an unfair price . ''
|
604 |
+
Japan 's FTC says it is investigating Apple for allegedly discouraging retailers from discounting .
|
605 |
+
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 .
|
606 |
+
`` They 're getting some major wins , '' she added .
|
607 |
+
The brew , called Miller Sharp 's , will be supported by ads developed by Frankenberry , Laughlin & Constable , Milwaukee .
|
608 |
+
The specialists , a trader said , were `` livid '' about Mr. Phelan 's recent remarks that sophisticated computer - driven trading strategies are `` here to stay . ''
|
609 |
+
Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc .
|
610 |
+
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 .
|
611 |
+
A Coke spokesman said he could n't say whether that is the direction of the talks .
|
612 |
+
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 .
|
613 |
+
The poll points up some inconsistencies between what people say and what they do .
|
614 |
+
It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor .
|
615 |
+
In stock - index arbitrage , traders buy and sell large amounts of stocks with offsetting trades in stock - index futures and options .
|
616 |
+
The network must refund money to the advertisers and loses considerable revenue and prestige .
|
617 |
+
Interstate / Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300 - member staff .
|
618 |
+
Most of the proposals are in tourism , basic industry and fishery and agro - industry projects , he said .
|
619 |
+
`` 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. .
|
620 |
+
It is offered by the flagship banks of New York 's Manufacturers Hanover Corp. in the one - year maturity only .
|
621 |
+
In recent years , Nissan has instituted flex - time work schedules and allowed employees to dress casually , even in blue jeans .
|
622 |
+
Eastern and its creditors are in the final , delicate stages of negotiating a second reorganization plan to pay off the airline 's debts .
|
623 |
+
That amounts to more than $ 350 billion a year .
|
624 |
+
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 .
|
625 |
+
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 .
|
626 |
+
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 .
|
627 |
+
Warner is part of Warner Communications Inc. , which is in the process of being acquired by Time Warner Inc .
|
628 |
+
In major market activity : Stock prices rose in light trading .
|
629 |
+
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 .
|
630 |
+
Mr. Baker heads the Kentucky Association of Science Educators and Skeptics .
|
631 |
+
Declining issues outnumbered advancers 551 to 349 ; 224 issues were unchanged .
|
632 |
+
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 .
|
633 |
+
The ultimate outcome depends on what he does , not on what we do .
|
634 |
+
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 .
|
635 |
+
They say these are small prices to pay for galvanizing action for the all - important cause .
|
636 |
+
It could point to plenty of ailments that the Spanish economic rejuvenation so far has failed to cure .
|
637 |
+
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 .
|
638 |
+
The Treasury bills sold yesterday settle today , rather than the standard settlement day of Thursday .
|
639 |
+
He showed up with a carpenter 's level , carefully measured every surface and showed how the apparent shrinkage was caused by the perspective .
|
640 |
+
It is possible that , in perpetuating such myths , the ground is being laid for the arrest of opposition activists on the ground of terrorism .
|
641 |
+
Municipal bonds were little changed to 1\/2 point higher in late dealings .
|
data/evaluation_data/carb/data/gold/dev.tsv
ADDED
The diff for this file is too large to render.
See raw diff
|
|
data/evaluation_data/carb/data/gold/gold_carb_test.tsv
ADDED
The diff for this file is too large to render.
See raw diff
|
|
data/evaluation_data/carb/data/gold/gold_carb_test.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
data/evaluation_data/carb/data/test.txt
ADDED
@@ -0,0 +1,577 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 .
|
2 |
+
A CEN forms an important but small part of a Local Strategic Partnership .
|
3 |
+
A Democrat , he became the youngest mayor in Pittsburgh 's history in September 2006 at the age of 26 .
|
4 |
+
A cafeteria is also located on the sixth floor , a chapel on the 14th floor , and a study hall on the 15th floor .
|
5 |
+
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 .
|
6 |
+
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 .
|
7 |
+
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 .
|
8 |
+
A mid-March 2002 court order to stop printing for three months , was evaded by printing under other titles , such as `` Not That Respublika '' .
|
9 |
+
A motorcycle speedway long-track meeting , one of the few held in the UK , was staged at Ammanford .
|
10 |
+
A partial list of turbomachinery that may use one or more centrifugal compressors within the machine are listed here .
|
11 |
+
A short distance to the east , NC 111 diverges on Greenwood Boulevard .
|
12 |
+
A spectrum from a single FID has a low signal-to-noise ratio , but fortunately it improves readily with averaging of repeated acquisitions .
|
13 |
+
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 .
|
14 |
+
According to the 2010 census , the population of the town is 2,310 .
|
15 |
+
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 .
|
16 |
+
After 1895 cable hauling ceased and locomotives pulled trains the whole length of the Victoria and Waterloo tunnels .
|
17 |
+
After five years of searching , the Colonials found a primitive , lush and vibrant new world and named it Earth .
|
18 |
+
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 '' .
|
19 |
+
After the battle , Battra rested in the Arctic Ocean , whereas Mothra retired to Infant Island , accompanied by the two Cosmos .
|
20 |
+
After this point many of the republicans were arrested in Free State `` round ups '' when they had come out of hiding and returned home .
|
21 |
+
Although Knievel broke his arms , he was more distraught over a permanent injury his accident caused to the cameraman .
|
22 |
+
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 .
|
23 |
+
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 .
|
24 |
+
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 .
|
25 |
+
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 .
|
26 |
+
Andrea Bianco 's atlas of 1436 comprises ten leaves of vellum , measuring , in an 18th-century binding .
|
27 |
+
Apartment buildings , shops , medical clinics , cinemas etc. were built in close proximity to the MAZ plant , providing plant workers with local necessities .
|
28 |
+
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 .
|
29 |
+
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 .
|
30 |
+
As a group , the team was enshrined into the Basketball Hall of Fame in 1959 .
|
31 |
+
As a result , it becomes clear that the microbe can not survive outside a narrow pH range .
|
32 |
+
As a result , the lower river had to be dredged three times in two years .
|
33 |
+
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 .
|
34 |
+
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 .
|
35 |
+
As is true for all sensors , absolute accuracy of a measurement requires a functionality for calibration .
|
36 |
+
As of `` A Wind in the Door '' , Sandy aspires to become a banker , on the grounds that it is practical and lucrative .
|
37 |
+
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 .
|
38 |
+
Assisting in the recording process were Fernando Cabello and two friends of the group , Eva Dalda and Lydia Iovanne .
|
39 |
+
At a presentation in the Toronto Pearson International Airport hangar , Celine Dion helped the newly solvent airline debut its new image .
|
40 |
+
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 .
|
41 |
+
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 .
|
42 |
+
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 .
|
43 |
+
Barbara , however , unable to leave behind her vigilante life , fought a mugger and ultimately miscarried her child .
|
44 |
+
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 .
|
45 |
+
Because of Muhammad 's role in its formation , the alliance plays a significant role in Islamic ethics .
|
46 |
+
Because of his talents and training , Beast can outperform any Olympic-level athlete , contorting his body and performing aerial feats gracefully .
|
47 |
+
Bruce 's Justice Lord counterpart was happily married to Wonder Woman as well until her Justice Lord counterpart killed him .
|
48 |
+
Burnham died of heart failure at the age of 86 , on September 1 , 1947 at his home in Santa , Barbara , California .
|
49 |
+
But this practice simply reduces government interest costs rather than truly canceling government debt , and can result in hyperinflation if used unsparingly .
|
50 |
+
By then , she was raising not only her own children but also her nephews , who had been orphaned by the plague .
|
51 |
+
By this point , Simpson had returned to his mansion in Brentwood and had surrendered to police .
|
52 |
+
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 '' .
|
53 |
+
Cis-regulatory elements are sequences that control the transcription of a nearby gene .
|
54 |
+
Citizens for Responsibility and Ethics in Washington filed an Ethics Committee complaint against Bond over his role in the ouster of Graves .
|
55 |
+
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 .
|
56 |
+
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 .
|
57 |
+
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 .
|
58 |
+
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 .
|
59 |
+
Dodo was originally intended to have a `` common '' accent , and is portrayed this way at the end of `` The Massacre '' .
|
60 |
+
Dr. Pim played for Ireland against England in 1892 , 1893 , 1894 and 1896 .
|
61 |
+
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 .
|
62 |
+
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 .
|
63 |
+
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 .
|
64 |
+
During the morning and evening rush hours some services run direct to/from Paddington and Reading .
|
65 |
+
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 .
|
66 |
+
Each of the Matoran brought their Toa stone and met each other at the Great Temple .
|
67 |
+
Falun Gong 's teachings are compiled from Li 's lectures , and Li holds definitional power in that belief system .
|
68 |
+
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 .
|
69 |
+
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 .
|
70 |
+
Furthermore , knowledge and interest pertaining to the event , as well as the level of importance , contribute to the frequency of rehearsal .
|
71 |
+
Gameplay is very basic ; the player must shoot constantly at a continual stream of enemies in order to reach the end of each level .
|
72 |
+
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 '' .
|
73 |
+
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 .
|
74 |
+
Godzilla and Battra battled on the ocean floor , until they caused a rift to open between tectonic plates .
|
75 |
+
Good 1H NMR spectra can be acquired with 16 repeats , which takes only minutes .
|
76 |
+
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 .
|
77 |
+
Hapoel Lod played in the top division during the 1960s and 1980s , and won the State Cup in 1984 .
|
78 |
+
Having been directed to found a monastery of his order in the United States in 1873 , Fr .
|
79 |
+
Hawker Pacific Aerospace is a MRO-Service company which offers landing gear and hydraulic MRO services for all major aircraft types .
|
80 |
+
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 .
|
81 |
+
He also took 124 wickets , with 7 for 39 and 6 for 44 against Sargodha in 1962-63 his best bowling figures .
|
82 |
+
He appeared in that game alongside his Arsenal midfield colleague Brian Marwood , who had joined them from Sheffield Wednesday eight months earlier .
|
83 |
+
He defines Wild Cards as ` Low Probability , High Impact events that , were they to occur , would severely impact the human condition ' .
|
84 |
+
He finds himself in a desert as a group of Neo Arcadians surround him , ending the game .
|
85 |
+
He had spent 11 years in jail despite having been acquitted twice .
|
86 |
+
He is idolized , receiving the name of `` God '' .
|
87 |
+
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 .
|
88 |
+
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 .
|
89 |
+
He played Perker in the 1985 adaptation of `` The Pickwick Papers '' .
|
90 |
+
He represented the riding of Nickel Belt in the Sudbury , Ontario area .
|
91 |
+
He talked to McGee about using his name and received permission , which is confirmed by correspondence between McGee and his family .
|
92 |
+
He was a member of the European Convention , which drafted the text of the European Constitution that never entered into force .
|
93 |
+
Her image held aloft signifies the Earth , which `` hangs in the air '' .
|
94 |
+
Hilf al-Fudul was a 7th-century alliance created by various Meccans , including the Islamic prophet Muhammad , to establish fair commercial dealing .
|
95 |
+
Historically , Aiseau was a village dedicated to agriculture , logging , but also to the industry .
|
96 |
+
Hoechst 33342 and 33258 are quenched by Bromodeoxyuridine , which is commonly used to detect dividing cells .
|
97 |
+
Hofmann was a below-average high school student , but he had many hobbies including magic , electronics , chemistry , and stamp and coin collecting .
|
98 |
+
However , after pressure campaigns from various human rights groups , BAE Systems recently stated it no longer produces land mines or cluster bombs .
|
99 |
+
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 .
|
100 |
+
However , during his rehearsal , Knievel lost control of the motorcycle and crashed into a cameraman .
|
101 |
+
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 .
|
102 |
+
However , when the antigenicities of the seed strains and wild viruses do not match , vaccines fail to protect the vaccinees .
|
103 |
+
If given this data , the Germans would be able to adjust their aim and correct any shortfall .
|
104 |
+
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 .
|
105 |
+
In 1005 for example , the governor of the important Adriatic port of Dyrrhachium had surrendered the town to Basil II .
|
106 |
+
In 1866 , he began a second term as Lord Chancellor , which ended with his death in the next year .
|
107 |
+
In 1911 , with Francis La Flesche , she published `` The Omaha Tribe '' .
|
108 |
+
In 1926 , `` The News and Courier '' was bought by the owners of Charleston 's main evening paper , `` The Evening Post . ''
|
109 |
+
In 1964 Barrie appeared in two episodes of `` Alfred Hitchcock Presents '' .
|
110 |
+
In 1972 , he won from Yakutpura and later in 1978 , again from Charminar .
|
111 |
+
In 1972 , researchers found metallic conductivity in the charge-transfer complex TTF-TCNQ .
|
112 |
+
In 1975 Barrie was directed by Lee Grant in the television movie `` For The Use Of The Hall '' as `` Charlotte '' .
|
113 |
+
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 '' .
|
114 |
+
In 1987 , Rodan became president of the American Society for Bone and Mineral Research .
|
115 |
+
In 1990 Kelsang Gyatso became also outspoken against the Geshe Studies Programme , and `` made the pursuit of his new programmes compulsory . ''
|
116 |
+
In 2004 the Brumbies finished at the top of the Super 12 table , six points clear of the next best team .
|
117 |
+
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 .
|
118 |
+
In 2007 , Sun announced `` Project Indiana '' with several goals , including providing an open source binary distribution of the OpenSolaris project , replacing SXDE .
|
119 |
+
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 .
|
120 |
+
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 .
|
121 |
+
In 2012 , Bloomberg Businessweek voted San Francisco as America 's Best City .
|
122 |
+
In 54 BC , Marcus Perperna is mentioned as one of the consulars who bore testimony on behalf of Marcus Aemilius Scaurus at his trial .
|
123 |
+
In Canada , there are two organizations that regulate university and collegiate athletics .
|
124 |
+
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 . ''
|
125 |
+
In Jewish Hebrew , the Samaritans are called `` Shomronim '' , while in Samaritan Hebrew they call themselves `` Shamerim '' .
|
126 |
+
In Jewish belief , its fulfilment will be revealed in the cumulation of Creation , in the era of resurrection , in the physical World .
|
127 |
+
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 .
|
128 |
+
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 .
|
129 |
+
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 .
|
130 |
+
In Van Howe 's study , all cases of meatal stenosis were among circumcised boys .
|
131 |
+
In `` The Andromeda Strain '' , Michael Crichton 's first novel published under his real name , only two people exposed to a pathogenic extraterrestrial microbe survive .
|
132 |
+
In a typical case of substrate interference , a Language A occupies a given territory and another Language B arrives in the same territory .
|
133 |
+
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 ... ''
|
134 |
+
In athletics , Boston College left the Big East Conference and joined the Atlantic Coast Conference on July 1 , 2005 .
|
135 |
+
In both cases this specialized function replaces the basic rifleman position in the fireteam .
|
136 |
+
In its first six months , RCPO concluded 858 cases convictions in 88 % of cases .
|
137 |
+
In modern classifications , it is often treated as a subfamily of the Glyphipterigidae family .
|
138 |
+
In more recent years , this policy has apparently relaxed somewhat .
|
139 |
+
In order to support planned TRAX expansion , UTA ordered 77 Siemens S70 light rail vehicles from Siemens AG .
|
140 |
+
In particular , Cyprinidae of southwestern North America have been severely affected ; a considerable number went entirely extinct after settlement by Europeans .
|
141 |
+
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 .
|
142 |
+
In the 1960s and 70s most of Kabul 's economy depended on tourism .
|
143 |
+
In the 1986 television series `` War and Remembrance '' , Johns took the role of the senior Nazi SS officer Adolf Eichmann .
|
144 |
+
In the Civil War , he advocated strong prosecution of the Union War effort , the end of slavery , and civil rights for freed African Americans .
|
145 |
+
In the Crimean War , the 5th Dragoon Guards formed part of the Heavy Cavalry Brigade and was sent to the Black Sea in 1854 .
|
146 |
+
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 .
|
147 |
+
In the north and east inhabitants speak Bumthangkha , and in the extreme southeast Khengkha is spoken .
|
148 |
+
In the winter of 1976 , Knievel was scheduled for a major jump in Chicago , Illinois .
|
149 |
+
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 .
|
150 |
+
In those years , he began to collaborate with some newspapers .
|
151 |
+
Initially flying the A-4B Skyhawk , the squadron later transitioned to the A-4L Skyhawk .
|
152 |
+
Initially his chances of surviving were thought to be no better than 50-50 .
|
153 |
+
It has long hind legs and a long , slender , scaly tail that it uses to communicate by making drumming noises .
|
154 |
+
It is essentially the same as the dialect spoken in Xiamen , and is unintelligible with Standard Chinese .
|
155 |
+
It is not really passable , and must be done on foot if attempted .
|
156 |
+
It is part of the Surrey Hills Area of Outstanding Beauty and situated on the Green Sand Way .
|
157 |
+
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 .
|
158 |
+
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 .
|
159 |
+
Its cultivation even declined in favour of the Asian species , which was introduced to East Africa early in the common era and spread westward .
|
160 |
+
JAL introduced jet service on the Fukuoka-Tokyo route in 1961 .
|
161 |
+
James Arthur Hogue is a US impostor who most famously entered Princeton University by posing as a self-taught orphan .
|
162 |
+
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 .
|
163 |
+
Johns also appeared as an Imperial Officer in the 1980 `` Star Wars sequel '' , `` The Empire Strikes Back '' .
|
164 |
+
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 .
|
165 |
+
Keibler then asked for time off to appear on `` Dancing with the Stars '' .
|
166 |
+
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 .
|
167 |
+
Kostabi 's other releases include : `` Songs For Sumera '' , `` New Alliance '' and `` The Spectre Of Modernism '' .
|
168 |
+
Langford kept Walcott at a distance with his longer reach and used his footwork to evade all of Walcott 's attacks .
|
169 |
+
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 .
|
170 |
+
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 .
|
171 |
+
Lens subluxation is also seen in dogs and is characterized by a partial displacement of the lens .
|
172 |
+
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 .
|
173 |
+
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 .
|
174 |
+
Luke Robert Ravenstahl is an American politician who served as the 59th Mayor of Pittsburgh from 2006 until 2014 .
|
175 |
+
Males had a median income of $ 28,750 versus $ 16,250 for females .
|
176 |
+
Males had a median income of $ 36,016 versus $ 32,679 for females .
|
177 |
+
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 .
|
178 |
+
Many overseas Chinese whose ancestors came from the Quanzhou area , especially those in Southeast Asia , often speak mainly Hokkien at home .
|
179 |
+
Meanwhile , the Mason City Division continued to operate as usual .
|
180 |
+
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 .
|
181 |
+
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 .
|
182 |
+
Modernity has been blended without sacrificing on the traditional Buddhist ethos .
|
183 |
+
Modification of the river began in earnest with the arrival of the Florida East Coast Railway in Miami in 1896 .
|
184 |
+
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 .
|
185 |
+
No announcement from UTV was made about the decision to close the station earlier than planned .
|
186 |
+
Noatak has a gravel public airstrip and is primarily reached by air .
|
187 |
+
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 .
|
188 |
+
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 .
|
189 |
+
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 . ''
|
190 |
+
Of the rest of the population , there was 1 individual who belonged to the Christian Catholic faith .
|
191 |
+
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 '' .
|
192 |
+
On May 13 , 2010 , Yost was named manager of the Kansas City Royals , replacing Trey Hillman .
|
193 |
+
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 .
|
194 |
+
On November 2 , 2005 , Brown ended his contract early and left the federal government .
|
195 |
+
One candidate is a wreck at the western end of Manitoulin Island in Lake Huron , with another wreck near Escanaba , Michigan , also proposed .
|
196 |
+
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 .
|
197 |
+
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 .
|
198 |
+
Opponents of religious freedom sometimes referred to it as `` Rogue 's Island '' , and Cotton Mather called it `` the sewer of New England . ''
|
199 |
+
Originally , Hank McCoy retains the basic features of a normal human alongside a generally simian physiology equivalent to that of a Great Ape .
|
200 |
+
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 .
|
201 |
+
Pakistan Chrome Mines Ltd. is a mining company incorporated in the Islamic Republic of Pakistan .
|
202 |
+
Parental investment is any expenditure of resources to benefit one offspring .
|
203 |
+
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 .
|
204 |
+
Plants have been planted marking parts of the foundations of the castle , so the positions of some of the buildings can still be inferred .
|
205 |
+
Prior to the 2012 season , the Royals signed Yost to a contract extension through the 2013 season .
|
206 |
+
Prior to the Playmaker tool , the Player could only call one of four available `` hot routes . ''
|
207 |
+
Proliferative nodules are usually biopsied and are regularly but not systematically found to be benign .
|
208 |
+
RedHat engineers identified problems with ProPolice though , and in 2005 re-implemented stack-smashing protection for inclusion in GCC 4.1 .
|
209 |
+
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 .
|
210 |
+
Results like these indicate acoustic mimicry complexes , both Batesian and Mullerian , may be widespread in the auditory world .
|
211 |
+
Returning home , Ballard delivers her report , which her superiors refuse to believe .
|
212 |
+
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 .
|
213 |
+
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 .
|
214 |
+
Scarpetta returns to Virginia in `` Trace '' , convincing herself that she was fired from her position , at the request of her replacement , Dr. Joel Marcus .
|
215 |
+
Several isomers of octene are known , depending on the position and the geometry of the double bond in the carbon chain .
|
216 |
+
She died in October 1915 of a heart attack .
|
217 |
+
She provided an audio commentary for the episode on the DVD release of the show 's third series alongside David Tennant .
|
218 |
+
She published more than 15 research publications , including International Journals , International Conferences , National Conferences , workshops and seminars .
|
219 |
+
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 .
|
220 |
+
She was ordered to be rebuilt on 9 March 1724 , and was taken in hand at Deptford Dockyard by Master Shipwright Richard Stacey .
|
221 |
+
Shea was born on September 5 , 1900 in San Francisco , California .
|
222 |
+
Since joining the competition in 1908 , Richmond has won ten premierships , the most recent victory being in 1980 .
|
223 |
+
Sometimes extra payments were specified by which a freed slave could liberate himself from these residual duties .
|
224 |
+
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 .
|
225 |
+
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 .
|
226 |
+
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 .
|
227 |
+
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 .
|
228 |
+
Swinburne moves in his writing program from the philosophical to the theological , building his case rigorously .
|
229 |
+
Team Racing is a NASCAR Craftsman Truck Series team .
|
230 |
+
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 .
|
231 |
+
The 2nd Battalion of the 13th Light Infantry was raised at Winchester in January 1858 .
|
232 |
+
The Acrolepiidae family of moths are also known as False Diamondback moths .
|
233 |
+
The Alarm are an alternative rock/new wave band that formed in Rhyl , North Wales , in 1981 .
|
234 |
+
The Bourbons built additional reception rooms and reconstructed the Sala d'Ercole , named for its frescos depicted the mythological hero , Hercules .
|
235 |
+
The Bureau of Alcohol , Tobacco , Firearms and Explosives , formed in 1886 , is a federal law enforcement organization within the United States Department of Justice .
|
236 |
+
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 .
|
237 |
+
The Charles City equipment was transferred to Mason City to replace equipment burned in the November 24 , 1967 shop fire .
|
238 |
+
The Hamburg Concathedral with chapterhouse and capitular residential courts formed a `` Cathedral Immunity District '' of the Prince-Archbishopric of Bremen too .
|
239 |
+
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 .
|
240 |
+
The Nadvorna dynasty is notable inasmuch as many of its descendants become rebbes .
|
241 |
+
The PAC bulletins were widely distributed at these meetings .
|
242 |
+
The Persian contingent that was supposed to guard the defile soon abandoned it , and Alexander passed through without any problems .
|
243 |
+
The Rev. William Alfred Quayle was honored by his alma mater , Baker University , with the degrees Litt.D .
|
244 |
+
The River Stour Trust , formed in 1968 , has its headquarters in Sudbury , and a purpose built Visitor Centre located at Cornard Lock .
|
245 |
+
The SAS killed a total of 14 Provisional Irish Republican Army and Irish National Liberation Army members at these locations .
|
246 |
+
The Summer Programs Office runs these programs , and many Wardlaw-Hartridge Students attend camp or classes over the summer .
|
247 |
+
The Triple-A Baseball National Championship Game was established in 2006 .
|
248 |
+
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 .
|
249 |
+
The Wilbur Cross Highway formerly ended in Sturbridge ; locals sometimes call Haynes Street and portions of Mashapaug Road `` Old Route 15 '' .
|
250 |
+
The `` Charleston Courier , '' founded in 1803 , and `` Charleston Daily News , '' founded in 1865 , merged to form the `` News and Courier '' in 1873 .
|
251 |
+
The album , produced by Roy Thomas Baker , was promoted with American and European tours .
|
252 |
+
The canal was dammed off from the river for most of the construction period .
|
253 |
+
The car used in `` Stealth '' was a band member 's car , and recorded just outside the studio in the parking lot .
|
254 |
+
The city was founded by the Western Town Lot Company in 1880 , and originally named Nordland , with the platted streets given Norwegian names .
|
255 |
+
The closest Watson ever got was when Republicans had 12 seats in the State House in 2003 .
|
256 |
+
The community is served by the United States Postal Service Hinsdale Post Office .
|
257 |
+
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 .
|
258 |
+
The economy of Ostrov is based on food , electronic , and textile industries .
|
259 |
+
The engine had twin turbochargers , and produced an advertised at 5700 rpm and of torque on 8 lbs of boost .
|
260 |
+
The ensemble also has extensive recordings with Deutsche Grammophon , Dorian Recordings , Newport Classic , Navona Records , and under their own label .
|
261 |
+
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 .
|
262 |
+
The extension of the University Library can be found on the second floor , and parking for 120 cars on the third to sixth floors .
|
263 |
+
The external gauge is usually readable directly , and most also incorporate an electronic sender to operate a fuel gauge on the dashboard .
|
264 |
+
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 .
|
265 |
+
The field at the Lake Elsinore Diamond is named the Pete Lehr Field .
|
266 |
+
The first comes from when Sweden 's Royal Couple lived there during the 1992 Barcelona Summer Olympics .
|
267 |
+
The first five laps would be added to the second part of the race and the overall result would be decided on aggregate .
|
268 |
+
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 .
|
269 |
+
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 .
|
270 |
+
The founder had pledged himself to honour the Blessed Virgin in a special manner .
|
271 |
+
The fundraiser was successful , and the trip occurred from June through September of 2014 .
|
272 |
+
The fuselage had an oval cross-section and housed a water-cooled inverted-V V-12 engine .
|
273 |
+
The gauge sender is usually a magnetically coupled arrangement , with a float arm inside the tank rotating a magnet , which rotates an external gauge .
|
274 |
+
The insurer sponsored the golf tournament known as the New Orleans Open beginning in 1981 .
|
275 |
+
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 .
|
276 |
+
The opening credits sequence for the collection was directed by Hanada Daizaburo .
|
277 |
+
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 .
|
278 |
+
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 .
|
279 |
+
The race is in mixed eights , and usually held in late February / early March .
|
280 |
+
The rapids at the head of the South Fork were removed in 1908 .
|
281 |
+
The redesigned 2006 Ram SRT-10 came in Mineral Gray Metallic , Inferno Red , and Brilliant Black Crystal Clear Coat .
|
282 |
+
The residue can be reprocessed for more dripping and strained through a cheesecloth lined sieve as an ingredient for a fine beef stock .
|
283 |
+
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 .
|
284 |
+
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 .
|
285 |
+
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 .
|
286 |
+
The second was named after former US President George H. W. Bush stayed aboard in November 1995 .
|
287 |
+
The second was titled `` Consider Her Ways '' and also starred Barrie as the lead named Jane Waterleigh .
|
288 |
+
The series of three constitutional amendments in 1933 severely curtailed the role of the Governor-General of the Irish Free State .
|
289 |
+
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 .
|
290 |
+
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 .
|
291 |
+
The station has a concourse and ticket office area which was internally redesigned and reopened in mid-2012 .
|
292 |
+
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 .
|
293 |
+
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 .
|
294 |
+
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 .
|
295 |
+
The third known version is part number 2189014-00-212 , with at least one model being produced in February 1993 .
|
296 |
+
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 .
|
297 |
+
The very large piers at the crossing signify that there was once a tower .
|
298 |
+
The video was the first ever to feature the use of dialogue .
|
299 |
+
Their mission was always for a specific mandate and lasted for a limited period .
|
300 |
+
Their numbers continued to increase each year as rumours about immigration restrictions appeared in much of the Cypriot media .
|
301 |
+
Then the fillets are put in a mix of olive oil , vinegar , sugar , garlic , chill peppers , and lots of parsley or celery .
|
302 |
+
There have been two crashes involving fatalities at the airfield since it was established .
|
303 |
+
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 .
|
304 |
+
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 .
|
305 |
+
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 .
|
306 |
+
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 .
|
307 |
+
These and other attempts supplied a bridge between the literature of the two languages .
|
308 |
+
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 .
|
309 |
+
These beams stem from a cosmic energy source called the `` Omega Effect '' .
|
310 |
+
These orientations allow easy movement , i.e. degrees of freedom , and thus lowers entropy minimally .
|
311 |
+
These were often related to European conflict , as the Stuart Pretenders were aided and encouraged by Britain 's continental enemies for their own ends .
|
312 |
+
They beat Milligan 1-0 , Grand View 3-0 , Webber International 1-0 and Azusa Pacific 0-0 to win the NAIA National Championships .
|
313 |
+
They have included some of the most dangerous assassins in the world including Lady Shiva , David Cain , and Merlyn .
|
314 |
+
They usually go through a period of dormancy after flowering .
|
315 |
+
This attire has also become popular with women of other communities .
|
316 |
+
This engine was equipped with an electronically controlled carburetor .
|
317 |
+
This had considerable implications for the Welsh language as it was the main language of the nonconformist churches in Wales .
|
318 |
+
This is most common in Western countries in those with Barrett 's esophagus , and occurs in the cuboidal cells .
|
319 |
+
This line was extended east by the Prahran & Malvern Tramways Trust from Hawthorn Road to Darling Road , Malvern East on 13 November 1913 .
|
320 |
+
This mutation gives him superhuman strength , speed , reflexes , agility , flexibility , dexterity , coordination , balance , and endurance .
|
321 |
+
This policy was , however , opposed by the miners who demanded that the inspections be carried out by experienced colliers .
|
322 |
+
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 .
|
323 |
+
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 .
|
324 |
+
To the Medieval school of Jewish Philosophy , that framed Judaism in light of Greek thought and human intellect , God the Infinite has no needs .
|
325 |
+
To the north , along and across the same border , live speakers of Lakha .
|
326 |
+
Total ` Fresh Food Story ' constructed at the end of the North Mall .
|
327 |
+
Transferred to Key West , Florida , on 1 June 1941 , `` R-11 '' continued her training ship duties throughout the remainder of her career .
|
328 |
+
Trumbull was often incorrectly credited in print as being the sole special-effects creator for 2001 .
|
329 |
+
Twice divorced and currently married , Ladd is the mother of actress Laura Dern , by her ex-husband , actor Bruce Dern .
|
330 |
+
Two seats were won by the Labor-Progressive Party on its own with the re-election of A.A. MacLeod and J.B. Salsberg .
|
331 |
+
Tyabb also has Tyabb Airport , a private airfield which has been operating for more than thirty years .
|
332 |
+
Under the Comanche program , each company built different parts of the aircraft .
|
333 |
+
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 .
|
334 |
+
Unruly passengers are often put off here to be taken into custody .
|
335 |
+
Wakeboarding is practiced by both men and women at the competitive level , but they compete in separate categories .
|
336 |
+
Watson has served as Minority Leader since elected by his caucus in November 1998 .
|
337 |
+
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 .
|
338 |
+
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 .
|
339 |
+
When civilian government was introduced in Romblon by the Americans in 16 March 1901 , Banton was one of 11 new municipalities reinstated or created .
|
340 |
+
When the explosion tore through the hut , Stauffenberg was convinced that no one in the room could have survived .
|
341 |
+
While pursuing his MFA at Columbia in New York , Scieszka painted apartments .
|
342 |
+
Why the `` Epilogue '' is missing is unknown .
|
343 |
+
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 .
|
344 |
+
With no assigned task , the Cosmos expressed concern for what Battra might do .
|
345 |
+
With the help of Morena , the goddess of the underworld , she has captivated Yaromir .
|
346 |
+
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 .
|
347 |
+
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 .
|
348 |
+
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 .
|
349 |
+
`` 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 .
|
350 |
+
`` 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 .
|
351 |
+
`` It started from modest beginnings and became a gigantic charity '' .
|
352 |
+
`` Le Griffon '' is reported to be the `` Holy Grail '' of Great Lakes shipwreck hunters .
|
353 |
+
`` See also : Grand Duke of Luxembourg , List of Prime Ministers of Luxembourg ''
|
354 |
+
`` The Cure '' topped the online music sales charts .
|
355 |
+
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 .
|
356 |
+
$ 300 million of bonds due Nov. 16 , 1993 , with equity - purchase warrants , indicating a 3 3\/4 % coupon at par via Nomura International Ltd .
|
357 |
+
( Separately , the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad . )
|
358 |
+
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 .
|
359 |
+
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 .
|
360 |
+
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 % .
|
361 |
+
A similar technique is almost impossible to apply to other crops , such as cotton , soybeans and rice .
|
362 |
+
A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock .
|
363 |
+
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 .
|
364 |
+
A year earlier UniFirst earned $ 2.4 million , or 24 cents a share adjusted for the split .
|
365 |
+
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 .
|
366 |
+
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 .
|
367 |
+
After practicing law locally , he was elected to his first 10 - year term as judge in 1971 ; in 1981 , he was effectively re - elected .
|
368 |
+
Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time , the Gauguin may be `` lost . ''
|
369 |
+
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 .
|
370 |
+
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 .
|
371 |
+
And Dewar 's gave discounts on Scottish merchandise to people who sent in bottle labels .
|
372 |
+
And do n't expect many complete games by pitchers -- perhaps three out of 288 , laughs Mr. Fingers , the former Oakland reliever .
|
373 |
+
And he got rid of low - margin businesses that just were n't making money for the company .
|
374 |
+
Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly - average basis :
|
375 |
+
As of Sept. 30 , American Brands had 95.2 million shares outstanding .
|
376 |
+
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 .
|
377 |
+
At Giant Bicycle Inc. , Rancho Dominguez , Calif. , sales have tripled since the company entered the U.S. mountain - bike business in 1987 .
|
378 |
+
At one point , almost all of the shares in the 20 - stock Major Market Index , which mimics the industrial average , were sharply higher .
|
379 |
+
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 .
|
380 |
+
Between flashes , certain areas in subjects ' brains are jolted with a magnetic stimulator .
|
381 |
+
Both reflect the dismissal of lower - level and shorter - tenure executives .
|
382 |
+
British government bonds ended moderately higher , encouraged by a steadier pound and a rise in British stocks .
|
383 |
+
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 .
|
384 |
+
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 % .
|
385 |
+
But amid the two dozen bureaucrats and secretaries sits only one real - life PC .
|
386 |
+
But he emphasized that new accounts , new sales , inquiries and subsequent sales of stock funds are all up this month from September 's level .
|
387 |
+
But it appears to be the sort of hold one makes while heading for the door .
|
388 |
+
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 .
|
389 |
+
But then Judge O'Kicki often behaved like a man who would be king -- and , some say , an arrogant and abusive one .
|
390 |
+
But when they arrived at the door , all were afraid to go in , fearing that they would be out of place .
|
391 |
+
But wire transfers from a standing account -- including those bigger than $ 10,000 -- are n't reported .
|
392 |
+
But you ca n't dismiss Mr. Stoltzman 's music or his motives as merely commercial and lightweight .
|
393 |
+
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 .
|
394 |
+
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. .
|
395 |
+
Crouched at shortstop , Bert Campaneris , once Oakland 's master thief , effortlessly scoops up a groundball and flips it to second .
|
396 |
+
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 .
|
397 |
+
Each company 's share of liability would be based on their share of the national DES market .
|
398 |
+
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 .
|
399 |
+
Early in the morning Mr. Sider , an estate lawyer , pores over last wills and testaments .
|
400 |
+
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 .
|
401 |
+
Feeling the naggings of a culture imperative , I promptly signed up .
|
402 |
+
Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum .
|
403 |
+
Finally , Mitsubishi Estate has no plans to interfere with Rockefeller 's management beyond taking a place on the board .
|
404 |
+
First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it could n't sell .
|
405 |
+
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 .
|
406 |
+
For the past five years , unions have n't managed to win wage increases as large as those granted to nonunion workers .
|
407 |
+
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 .
|
408 |
+
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 .
|
409 |
+
He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction .
|
410 |
+
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 .
|
411 |
+
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 .
|
412 |
+
He has n't been able to replace the M'Bow cabal .
|
413 |
+
Her recent report classifies the stock as a `` hold . ''
|
414 |
+
Here are price trends on the world 's major stock markets , as calculated by Morgan Stanley Capital International Perspective , Geneva .
|
415 |
+
However , StatesWest is n't abandoning its pursuit of the much - larger Mesa .
|
416 |
+
Hungary 's Parliament voted to hold a national referendum on an election to fill the new post of president .
|
417 |
+
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 .
|
418 |
+
If there 's something ' weird and it do n't look good .
|
419 |
+
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 .
|
420 |
+
In Japan , those functions account for only about a third of the software market .
|
421 |
+
In the corporate market , an expected debt offering today by International Business Machines Corp. generated considerable attention .
|
422 |
+
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 .
|
423 |
+
Indeed , the insurance adjusters had already bolted out of the courtroom .
|
424 |
+
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 .
|
425 |
+
It came in London 's `` Big Bang '' 1986 deregulation ; and Toronto 's `` Little Bang '' the same year .
|
426 |
+
It rose 4.8 % for the 12 months ended in June and 4.7 % in the 12 months ended in September 1988 .
|
427 |
+
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 .
|
428 |
+
It was the most active of the 100 - share index at 8.3 million shares , 6.5 million of which were traded by midday .
|
429 |
+
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 .
|
430 |
+
Japanese office workers use PCs at half the rate of their European counterparts and one - third that of the Americans .
|
431 |
+
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 .
|
432 |
+
Labor costs are climbing at a far more rapid pace in the health care industry than in other industries .
|
433 |
+
Meanwhile , at home , Mitsubishi has control of some major projects .
|
434 |
+
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 .
|
435 |
+
Metromedia , headed by John W. Kluge , has interests in telecommunications , robotic painting , computer software , restaurants and entertainment .
|
436 |
+
Most yields on short - term jumbo CDs , those with denominations over $ 90,000 , also moved in the opposite direction of Treasury bill yields .
|
437 |
+
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 .
|
438 |
+
Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board 's factions .
|
439 |
+
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 .
|
440 |
+
Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers .
|
441 |
+
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 .
|
442 |
+
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 .
|
443 |
+
Mrs. Marcos 's trial is expected to begin in March .
|
444 |
+
Now that the New York decision has been left intact , other states may follow suit .
|
445 |
+
Of the self - starting vacuum cleaner , he says : `` Could be Cuddles , { Mrs. Stinnett 's dog } . ''
|
446 |
+
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 .
|
447 |
+
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 .
|
448 |
+
One had best not dance on top of a coffin until the lid is sealed tightly shut . ''
|
449 |
+
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 .
|
450 |
+
Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel , well , airborne in a picnic basket .
|
451 |
+
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 .
|
452 |
+
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 .
|
453 |
+
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 .
|
454 |
+
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. .
|
455 |
+
RISC technology speeds up a computer by simplifying the internal software .
|
456 |
+
Rather ominously , rabbit studies reveal that RU-486 can cause birth defects , Lancet , the British medical journal , reported in 1987 .
|
457 |
+
Repeat customers also can purchase luxury items at reduced prices .
|
458 |
+
Roger M. Marino , president , was named to the new post of vice chairman .
|
459 |
+
Ryukichi Imai , Japan 's ambassador to Mexico , agrees that Mexico may be too eager .
|
460 |
+
Second , the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators .
|
461 |
+
Senate Appropriations Committee Chairman Robert Byrd ( D. , W.Va . ) strongly resisted deeper cuts sought by the House .
|
462 |
+
Shaw Industries , which agreed to acquire Armstrong World Industries ' carpet operations for an undisclosed price , rose 2 1\/4 to 26 1\/8 .
|
463 |
+
Sidley will maintain its association with the Hashidate Law Office in Tokyo .
|
464 |
+
Similar studies are expected to reveal how stroke patients ' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation .
|
465 |
+
Since the real estate unit also includes debt , the imputed value of the real estate itself is close to $ 3 billion .
|
466 |
+
Six years ago , Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state 's 400 judges .
|
467 |
+
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 .
|
468 |
+
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
|
469 |
+
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 .
|
470 |
+
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 .
|
471 |
+
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 .
|
472 |
+
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 .
|
473 |
+
That compares with 3.5 % butterfat for whole milk .
|
474 |
+
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 .
|
475 |
+
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 .
|
476 |
+
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 .
|
477 |
+
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 .
|
478 |
+
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 .
|
479 |
+
The Second Section index , which fell 36.87 points Friday , was down 21.44 points , or 0.59 % , to close at 3636.06 .
|
480 |
+
The Soviets complicated the issue by offering to include light tanks , which are as light as 10 tons .
|
481 |
+
The U.S. market , too , is dominated by a giant , International Business Machines Corp .
|
482 |
+
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 .
|
483 |
+
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 .
|
484 |
+
The centerpiece of that complex , the Landmark Tower , will be Japan 's tallest building when it is completed in 1993 .
|
485 |
+
The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983 .
|
486 |
+
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 % .
|
487 |
+
The dollar drew strength from the stock market 's climb .
|
488 |
+
The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one - year extension .
|
489 |
+
The executives had profited handsomely by building American National Can Co. , Triangle 's chief asset .
|
490 |
+
The field took off in 1985 after scientists at Britain 's Sheffield University developed a handy , compact magnet for brain stimulation .
|
491 |
+
The fitness craze itself has gone soft , the survey found .
|
492 |
+
The forest - products concern currently has about 38 million shares outstanding .
|
493 |
+
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 .
|
494 |
+
The issue is backed by a 12 % letter of credit from Credit Suisse .
|
495 |
+
The last time IBM tapped the corporate debt market was in April 1988 , when it offered $ 500 million of debt securities .
|
496 |
+
The office may also be able to advise foreign and multinational clients on international law and general matters .
|
497 |
+
The operative definition of newsworthiness will favor virtually unrestrained use of personal , sensitive and intimate facts .
|
498 |
+
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 .
|
499 |
+
The share price was languishing at about 400 pence before Ford 's Sept. 19 announcement of its interest in a minority stake .
|
500 |
+
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 .
|
501 |
+
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 .
|
502 |
+
The three existing plants and their land will be sold .
|
503 |
+
The two leaders are expected to discuss changes sweeping the East bloc as well as human - rights issues , regional disputes and economic cooperation .
|
504 |
+
The two sides are also discussing certain business ventures involving cable rights to Columbia 's movies .
|
505 |
+
They claim to have busted spirits , poltergeists and other spooks in hundreds of houses around the country .
|
506 |
+
This involves trade - offs and { it } cuts against the grain of existing consumer and even provider conceptions of what is ` necessary . ' ''
|
507 |
+
This is the U.N. group that managed to traduce its own charter of promoting education , science and culture .
|
508 |
+
This provision met early and strong resistance from investment bankers worried about disruptions in their clients ' portfolios .
|
509 |
+
This week , New York City announced a 10 - point policy patterned on the federal bill of rights for taxpayers .
|
510 |
+
Though Mr. Packer has since sold his stake , Courtaulds is moving to keep its institutional shareholders happy .
|
511 |
+
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 .
|
512 |
+
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 .
|
513 |
+
To my knowledge , no government entities , including the EPA , are pursuing UV - B measurements .
|
514 |
+
Tom Panelli had a perfectly good reason for not using the $ 300 rowing machine he bought three years ago .
|
515 |
+
U.S. makers have under 10 % share , compared with half the market in Europe and 80 % at home .
|
516 |
+
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 .
|
517 |
+
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 .
|
518 |
+
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 .
|
519 |
+
Vernon E. Jordan was elected to the board of this transportation services concern .
|
520 |
+
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 .
|
521 |
+
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 .
|
522 |
+
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 .
|
523 |
+
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 .
|
524 |
+
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 . ''
|
525 |
+
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 . ''
|
526 |
+
Within two hours , viewers pledged over $ 400,000 , according to a Red Cross executive .
|
527 |
+
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 .
|
528 |
+
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 . ''
|
529 |
+
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 } .
|
530 |
+
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 .
|
531 |
+
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 .
|
532 |
+
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 .
|
533 |
+
Although Mr. Azoff wo n't produce films at first , it is possible that he could do so later , the sources said .
|
534 |
+
Among other things , they said , Mr. Azoff would develop musical acts for a new record label .
|
535 |
+
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 .
|
536 |
+
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 .
|
537 |
+
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 .
|
538 |
+
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 .
|
539 |
+
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 .
|
540 |
+
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 . ''
|
541 |
+
Despite the modest gains , traders said the market remains dull , with investors remaining cautiously on the sidelines .
|
542 |
+
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 .
|
543 |
+
For the record , Jeffrey Kaufman , an attorney for Fireman 's Fund , said he was `` rattled -- both literally and figuratively . ''
|
544 |
+
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 .
|
545 |
+
He said he expects the company to have $ 500 million in sales for this year .
|
546 |
+
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 .
|
547 |
+
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 .
|
548 |
+
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 .
|
549 |
+
Merrill said it continues to believe that `` the causes of excess market volatility are far more complex than any particular computer trading strategy .
|
550 |
+
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 .
|
551 |
+
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 .
|
552 |
+
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 .
|
553 |
+
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 .
|
554 |
+
Rolls - Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990 .
|
555 |
+
The Chemical spokeswoman said the bank has examined its methodologies and internal controls .
|
556 |
+
The company said the fastener business `` has been under severe cost pressures for some time . ''
|
557 |
+
The market 's tempo was helped by the dollar 's resiliency , he said .
|
558 |
+
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 .
|
559 |
+
`` Business across the country is spending more time addressing this issue , '' says Sen. Edward Kennedy ( D. , Mass . ) .
|
560 |
+
`` 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 .
|
561 |
+
`` 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 .
|
562 |
+
`` I wo n't be throwing 90 mph , but I will throw 80 - plus , '' he says .
|
563 |
+
`` 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 .
|
564 |
+
`` 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 .
|
565 |
+
`` It 's a wait - and - see attitude , '' said Dave Vellante , vice president of storage research for International Data Corp .
|
566 |
+
`` It 's really bizarre , '' says Albert Lerman , creative director at the Wells Rich Greene ad agency .
|
567 |
+
`` 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 .
|
568 |
+
`` Nobody told us ; nobody called us , '' says an official close to the case who asked not to be named .
|
569 |
+
`` Nothing can be better than this , '' says Don Sider , owner of the West Palm Beach Tropics .
|
570 |
+
`` Now everything '' -- such as program trading and wide stock market swings -- `` that everyone had pushed back in their consciousness is just sitting right there . ''
|
571 |
+
`` The only people who are flying are those who have to , '' said Frank Moore , chairman of the Australian Tourist Industry Association .
|
572 |
+
`` 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 .
|
573 |
+
`` We were oversold and today we bounced back .
|
574 |
+
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 .
|
575 |
+
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 .
|
576 |
+
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 .
|
577 |
+
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 .
|
data/evaluation_data/carb/matcher.py
ADDED
@@ -0,0 +1,340 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from __future__ import division
|
2 |
+
import string
|
3 |
+
from nltk.translate.bleu_score import sentence_bleu
|
4 |
+
from nltk.corpus import stopwords
|
5 |
+
from copy import copy
|
6 |
+
import ipdb
|
7 |
+
|
8 |
+
class Matcher:
|
9 |
+
@staticmethod
|
10 |
+
def bowMatch(ref, ex, ignoreStopwords, ignoreCase):
|
11 |
+
"""
|
12 |
+
A binary function testing for exact lexical match (ignoring ordering) between reference
|
13 |
+
and predicted extraction
|
14 |
+
"""
|
15 |
+
s1 = ref.bow()
|
16 |
+
s2 = ex.bow()
|
17 |
+
if ignoreCase:
|
18 |
+
s1 = s1.lower()
|
19 |
+
s2 = s2.lower()
|
20 |
+
|
21 |
+
s1Words = s1.split(' ')
|
22 |
+
s2Words = s2.split(' ')
|
23 |
+
|
24 |
+
if ignoreStopwords:
|
25 |
+
s1Words = Matcher.removeStopwords(s1Words)
|
26 |
+
s2Words = Matcher.removeStopwords(s2Words)
|
27 |
+
|
28 |
+
return sorted(s1Words) == sorted(s2Words)
|
29 |
+
|
30 |
+
@staticmethod
|
31 |
+
def predMatch(ref, ex, ignoreStopwords, ignoreCase):
|
32 |
+
"""
|
33 |
+
Return whehter gold and predicted extractions agree on the predicate
|
34 |
+
"""
|
35 |
+
s1 = ref.elementToStr(ref.pred)
|
36 |
+
s2 = ex.elementToStr(ex.pred)
|
37 |
+
if ignoreCase:
|
38 |
+
s1 = s1.lower()
|
39 |
+
s2 = s2.lower()
|
40 |
+
|
41 |
+
s1Words = s1.split(' ')
|
42 |
+
s2Words = s2.split(' ')
|
43 |
+
|
44 |
+
if ignoreStopwords:
|
45 |
+
s1Words = Matcher.removeStopwords(s1Words)
|
46 |
+
s2Words = Matcher.removeStopwords(s2Words)
|
47 |
+
|
48 |
+
return s1Words == s2Words
|
49 |
+
|
50 |
+
|
51 |
+
@staticmethod
|
52 |
+
def argMatch(ref, ex, ignoreStopwords, ignoreCase):
|
53 |
+
"""
|
54 |
+
Return whehter gold and predicted extractions agree on the arguments
|
55 |
+
"""
|
56 |
+
sRef = ' '.join([ref.elementToStr(elem) for elem in ref.args])
|
57 |
+
sEx = ' '.join([ex.elementToStr(elem) for elem in ex.args])
|
58 |
+
|
59 |
+
count = 0
|
60 |
+
|
61 |
+
for w1 in sRef:
|
62 |
+
for w2 in sEx:
|
63 |
+
if w1 == w2:
|
64 |
+
count += 1
|
65 |
+
|
66 |
+
# We check how well does the extraction lexically cover the reference
|
67 |
+
# Note: this is somewhat lenient as it doesn't penalize the extraction for
|
68 |
+
# being too long
|
69 |
+
coverage = float(count) / len(sRef)
|
70 |
+
|
71 |
+
|
72 |
+
return coverage > Matcher.LEXICAL_THRESHOLD
|
73 |
+
|
74 |
+
@staticmethod
|
75 |
+
def bleuMatch(ref, ex, ignoreStopwords, ignoreCase):
|
76 |
+
sRef = ref.bow()
|
77 |
+
sEx = ex.bow()
|
78 |
+
bleu = sentence_bleu(references = [sRef.split(' ')], hypothesis = sEx.split(' '))
|
79 |
+
return bleu > Matcher.BLEU_THRESHOLD
|
80 |
+
|
81 |
+
@staticmethod
|
82 |
+
def lexicalMatch(ref, ex, ignoreStopwords, ignoreCase):
|
83 |
+
sRef = ref.bow().split(' ')
|
84 |
+
sEx = ex.bow().split(' ')
|
85 |
+
count = 0
|
86 |
+
#for w1 in sRef:
|
87 |
+
# if w1 in sEx:
|
88 |
+
# count += 1
|
89 |
+
# sEx.remove(w1)
|
90 |
+
for w1 in sRef:
|
91 |
+
for w2 in sEx:
|
92 |
+
if w1 == w2:
|
93 |
+
count += 1
|
94 |
+
|
95 |
+
# We check how well does the extraction lexically cover the reference
|
96 |
+
# Note: this is somewhat lenient as it doesn't penalize the extraction for
|
97 |
+
# being too long
|
98 |
+
coverage = float(count) / len(sRef)
|
99 |
+
|
100 |
+
return coverage > Matcher.LEXICAL_THRESHOLD
|
101 |
+
|
102 |
+
@staticmethod
|
103 |
+
def tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
104 |
+
precision = [0, 0] # 0 out of 0 predicted words match
|
105 |
+
recall = [0, 0] # 0 out of 0 reference words match
|
106 |
+
# If, for each part, any word is the same as a reference word, then it's a match.
|
107 |
+
|
108 |
+
predicted_words = ex.pred.split()
|
109 |
+
gold_words = ref.pred.split()
|
110 |
+
precision[1] += len(predicted_words)
|
111 |
+
recall[1] += len(gold_words)
|
112 |
+
|
113 |
+
# matching_words = sum(1 for w in predicted_words if w in gold_words)
|
114 |
+
matching_words = 0
|
115 |
+
for w in gold_words:
|
116 |
+
if w in predicted_words:
|
117 |
+
matching_words += 1
|
118 |
+
predicted_words.remove(w)
|
119 |
+
|
120 |
+
if matching_words == 0:
|
121 |
+
return False # t <-> gt is not a match
|
122 |
+
precision[0] += matching_words
|
123 |
+
recall[0] += matching_words
|
124 |
+
|
125 |
+
for i in range(len(ref.args)):
|
126 |
+
gold_words = ref.args[i].split()
|
127 |
+
recall[1] += len(gold_words)
|
128 |
+
if len(ex.args) <= i:
|
129 |
+
if i<2:
|
130 |
+
return False
|
131 |
+
else:
|
132 |
+
continue
|
133 |
+
predicted_words = ex.args[i].split()
|
134 |
+
precision[1] += len(predicted_words)
|
135 |
+
matching_words = 0
|
136 |
+
for w in gold_words:
|
137 |
+
if w in predicted_words:
|
138 |
+
matching_words += 1
|
139 |
+
predicted_words.remove(w)
|
140 |
+
|
141 |
+
if matching_words == 0 and i<2:
|
142 |
+
return False # t <-> gt is not a match
|
143 |
+
precision[0] += matching_words
|
144 |
+
# Currently this slightly penalises systems when the reference
|
145 |
+
# reformulates the sentence words, because the reformulation doesn't
|
146 |
+
# match the predicted word. It's a one-wrong-word penalty to precision,
|
147 |
+
# to all systems that correctly extracted the reformulated word.
|
148 |
+
recall[0] += matching_words
|
149 |
+
|
150 |
+
prec = 1.0 * precision[0] / precision[1]
|
151 |
+
rec = 1.0 * recall[0] / recall[1]
|
152 |
+
return [prec, rec]
|
153 |
+
|
154 |
+
# STRICTER LINIENT MATCH
|
155 |
+
def linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
156 |
+
precision = [0, 0] # 0 out of 0 predicted words match
|
157 |
+
recall = [0, 0] # 0 out of 0 reference words match
|
158 |
+
# If, for each part, any word is the same as a reference word, then it's a match.
|
159 |
+
|
160 |
+
predicted_words = ex.pred.split()
|
161 |
+
gold_words = ref.pred.split()
|
162 |
+
precision[1] += len(predicted_words)
|
163 |
+
recall[1] += len(gold_words)
|
164 |
+
|
165 |
+
# matching_words = sum(1 for w in predicted_words if w in gold_words)
|
166 |
+
matching_words = 0
|
167 |
+
for w in gold_words:
|
168 |
+
if w in predicted_words:
|
169 |
+
matching_words += 1
|
170 |
+
predicted_words.remove(w)
|
171 |
+
|
172 |
+
# matching 'be' with its different forms
|
173 |
+
forms_of_be = ["be","is","am","are","was","were","been","being"]
|
174 |
+
if "be" in predicted_words:
|
175 |
+
for form in forms_of_be:
|
176 |
+
if form in gold_words:
|
177 |
+
matching_words += 1
|
178 |
+
predicted_words.remove("be")
|
179 |
+
break
|
180 |
+
|
181 |
+
if matching_words == 0:
|
182 |
+
return [0,0] # t <-> gt is not a match
|
183 |
+
|
184 |
+
precision[0] += matching_words
|
185 |
+
recall[0] += matching_words
|
186 |
+
|
187 |
+
for i in range(len(ref.args)):
|
188 |
+
gold_words = ref.args[i].split()
|
189 |
+
recall[1] += len(gold_words)
|
190 |
+
if len(ex.args) <= i:
|
191 |
+
if i<2:
|
192 |
+
return [0,0] # changed
|
193 |
+
else:
|
194 |
+
continue
|
195 |
+
predicted_words = ex.args[i].split()
|
196 |
+
precision[1] += len(predicted_words)
|
197 |
+
matching_words = 0
|
198 |
+
for w in gold_words:
|
199 |
+
if w in predicted_words:
|
200 |
+
matching_words += 1
|
201 |
+
predicted_words.remove(w)
|
202 |
+
|
203 |
+
precision[0] += matching_words
|
204 |
+
# Currently this slightly penalises systems when the reference
|
205 |
+
# reformulates the sentence words, because the reformulation doesn't
|
206 |
+
# match the predicted word. It's a one-wrong-word penalty to precision,
|
207 |
+
# to all systems that correctly extracted the reformulated word.
|
208 |
+
recall[0] += matching_words
|
209 |
+
|
210 |
+
if(precision[1] == 0):
|
211 |
+
prec = 0
|
212 |
+
else:
|
213 |
+
prec = 1.0 * precision[0] / precision[1]
|
214 |
+
if(recall[1] == 0):
|
215 |
+
rec = 0
|
216 |
+
else:
|
217 |
+
rec = 1.0 * recall[0] / recall[1]
|
218 |
+
return [prec, rec]
|
219 |
+
|
220 |
+
|
221 |
+
@staticmethod
|
222 |
+
def simple_tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
223 |
+
ref.args = [ref.args[0], ' '.join(ref.args[1:])]
|
224 |
+
ex.args = [ex.args[0], ' '.join(ex.args[1:])]
|
225 |
+
|
226 |
+
precision = [0, 0] # 0 out of 0 predicted words match
|
227 |
+
recall = [0, 0] # 0 out of 0 reference words match
|
228 |
+
# If, for each part, any word is the same as a reference word, then it's a match.
|
229 |
+
|
230 |
+
predicted_words = ex.pred.split()
|
231 |
+
gold_words = ref.pred.split()
|
232 |
+
precision[1] += len(predicted_words)
|
233 |
+
recall[1] += len(gold_words)
|
234 |
+
|
235 |
+
matching_words = 0
|
236 |
+
for w in gold_words:
|
237 |
+
if w in predicted_words:
|
238 |
+
matching_words += 1
|
239 |
+
predicted_words.remove(w)
|
240 |
+
|
241 |
+
precision[0] += matching_words
|
242 |
+
recall[0] += matching_words
|
243 |
+
|
244 |
+
for i in range(len(ref.args)):
|
245 |
+
gold_words = ref.args[i].split()
|
246 |
+
recall[1] += len(gold_words)
|
247 |
+
if len(ex.args) <= i:
|
248 |
+
break
|
249 |
+
predicted_words = ex.args[i].split()
|
250 |
+
precision[1] += len(predicted_words)
|
251 |
+
matching_words = 0
|
252 |
+
for w in gold_words:
|
253 |
+
if w in predicted_words:
|
254 |
+
matching_words += 1
|
255 |
+
predicted_words.remove(w)
|
256 |
+
precision[0] += matching_words
|
257 |
+
|
258 |
+
# Currently this slightly penalises systems when the reference
|
259 |
+
# reformulates the sentence words, because the reformulation doesn't
|
260 |
+
# match the predicted word. It's a one-wrong-word penalty to precision,
|
261 |
+
# to all systems that correctly extracted the reformulated word.
|
262 |
+
recall[0] += matching_words
|
263 |
+
|
264 |
+
prec = 1.0 * precision[0] / precision[1]
|
265 |
+
rec = 1.0 * recall[0] / recall[1]
|
266 |
+
return [prec, rec]
|
267 |
+
|
268 |
+
# @staticmethod
|
269 |
+
# def binary_linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
270 |
+
# if len(ref.args)>=2:
|
271 |
+
# # r = ref.copy()
|
272 |
+
# r = copy(ref)
|
273 |
+
# r.args = [ref.args[0], ' '.join(ref.args[1:])]
|
274 |
+
# else:
|
275 |
+
# r = ref
|
276 |
+
# if len(ex.args)>=2:
|
277 |
+
# # e = ex.copy()
|
278 |
+
# e = copy(ex)
|
279 |
+
# e.args = [ex.args[0], ' '.join(ex.args[1:])]
|
280 |
+
# else:
|
281 |
+
# e = ex
|
282 |
+
# return Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase)
|
283 |
+
|
284 |
+
@staticmethod
|
285 |
+
def binary_linient_tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
286 |
+
if len(ref.args)>=2:
|
287 |
+
r = copy(ref)
|
288 |
+
r.args = [ref.args[0], ' '.join(ref.args[1:])]
|
289 |
+
else:
|
290 |
+
r = ref
|
291 |
+
if len(ex.args)>=2:
|
292 |
+
e = copy(ex)
|
293 |
+
e.args = [ex.args[0], ' '.join(ex.args[1:])]
|
294 |
+
else:
|
295 |
+
e = ex
|
296 |
+
stright_match = Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase)
|
297 |
+
|
298 |
+
said_type_reln = ["said", "told", "added", "adds", "says", "adds"]
|
299 |
+
said_type_sentence = False
|
300 |
+
for said_verb in said_type_reln:
|
301 |
+
if said_verb in ref.pred:
|
302 |
+
said_type_sentence = True
|
303 |
+
break
|
304 |
+
if not said_type_sentence:
|
305 |
+
return stright_match
|
306 |
+
else:
|
307 |
+
if len(ex.args)>=2:
|
308 |
+
e = copy(ex)
|
309 |
+
e.args = [' '.join(ex.args[1:]), ex.args[0]]
|
310 |
+
else:
|
311 |
+
e = ex
|
312 |
+
reverse_match = Matcher.linient_tuple_match(r, e, ignoreStopwords, ignoreCase)
|
313 |
+
|
314 |
+
return max(stright_match, reverse_match)
|
315 |
+
|
316 |
+
@staticmethod
|
317 |
+
def binary_tuple_match(ref, ex, ignoreStopwords, ignoreCase):
|
318 |
+
if len(ref.args)>=2:
|
319 |
+
# r = ref.copy()
|
320 |
+
r = copy(ref)
|
321 |
+
r.args = [ref.args[0], ' '.join(ref.args[1:])]
|
322 |
+
else:
|
323 |
+
r = ref
|
324 |
+
if len(ex.args)>=2:
|
325 |
+
# e = ex.copy()
|
326 |
+
e = copy(ex)
|
327 |
+
e.args = [ex.args[0], ' '.join(ex.args[1:])]
|
328 |
+
else:
|
329 |
+
e = ex
|
330 |
+
return Matcher.tuple_match(r, e, ignoreStopwords, ignoreCase)
|
331 |
+
|
332 |
+
@staticmethod
|
333 |
+
def removeStopwords(ls):
|
334 |
+
return [w for w in ls if w.lower() not in Matcher.stopwords]
|
335 |
+
|
336 |
+
# CONSTANTS
|
337 |
+
BLEU_THRESHOLD = 0.4
|
338 |
+
LEXICAL_THRESHOLD = 0.5 # Note: changing this value didn't change the ordering of the tested systems
|
339 |
+
stopwords = stopwords.words('english') + list(string.punctuation)
|
340 |
+
|
data/evaluation_data/carb/oie_readers/__init__.py
ADDED
File without changes
|
data/evaluation_data/carb/oie_readers/__pycache__/__init__.cpython-36.pyc
ADDED
Binary file (175 Bytes). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/allennlpReader.cpython-36.pyc
ADDED
Binary file (1.53 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/argument.cpython-36.pyc
ADDED
Binary file (1.16 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/benchmarkGoldReader.cpython-36.pyc
ADDED
Binary file (1.64 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/clausieReader.cpython-36.pyc
ADDED
Binary file (2.43 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/extraction.cpython-36.pyc
ADDED
Binary file (15.7 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/goldReader.cpython-36.pyc
ADDED
Binary file (1.54 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/oieReader.cpython-36.pyc
ADDED
Binary file (2.36 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/ollieReader.cpython-36.pyc
ADDED
Binary file (1.07 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/openieFiveReader.cpython-36.pyc
ADDED
Binary file (1.64 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/openieFourReader.cpython-36.pyc
ADDED
Binary file (1.85 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/propsReader.cpython-36.pyc
ADDED
Binary file (1.69 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/reVerbReader.cpython-36.pyc
ADDED
Binary file (1.32 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/stanfordReader.cpython-36.pyc
ADDED
Binary file (1.07 kB). View file
|
|
data/evaluation_data/carb/oie_readers/__pycache__/tabReader.cpython-36.pyc
ADDED
Binary file (1.6 kB). View file
|
|
data/evaluation_data/carb/oie_readers/allennlpReader.py
ADDED
@@ -0,0 +1,86 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from .oieReader import OieReader
|
2 |
+
from .extraction import Extraction
|
3 |
+
import math
|
4 |
+
import os
|
5 |
+
import ipdb
|
6 |
+
|
7 |
+
class AllennlpReader(OieReader):
|
8 |
+
|
9 |
+
def __init__(self, threshold=None):
|
10 |
+
self.name = 'Allennlp'
|
11 |
+
self.threshold = threshold
|
12 |
+
|
13 |
+
def read(self, fn):
|
14 |
+
d = {}
|
15 |
+
# with open(fn) as fin:
|
16 |
+
if os.path.exists(fn):
|
17 |
+
# print("reading from file")
|
18 |
+
fin = open(fn)
|
19 |
+
else:
|
20 |
+
# print("reading from string")
|
21 |
+
fin = fn.strip().split('\n')
|
22 |
+
|
23 |
+
for line in fin:
|
24 |
+
'''
|
25 |
+
data = line.strip().split('\t')
|
26 |
+
confidence = data[0]
|
27 |
+
if not all(data[2:5]):
|
28 |
+
continue
|
29 |
+
arg1, rel = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:4]]
|
30 |
+
#args = data[4].strip().split(');')
|
31 |
+
#print arg2s
|
32 |
+
args = [s[s.index('(') + 1:s.index(',List(')] for s in data[4].strip().split(');')]
|
33 |
+
# if arg1 == "the younger La Flesche":
|
34 |
+
# print len(args)
|
35 |
+
text = data[5]
|
36 |
+
if data[1]:
|
37 |
+
#print arg1, rel
|
38 |
+
s = data[1]
|
39 |
+
if not (arg1 + ' ' + rel).startswith(s[s.index('(') + 1:s.index(',List(')]):
|
40 |
+
#print "##########Not adding context"
|
41 |
+
arg1 = s[s.index('(') + 1:s.index(',List(')] + ' ' + arg1
|
42 |
+
#print arg1 + rel, ",,,,, ", s[s.index('(') + 1:s.index(',List(')]
|
43 |
+
'''
|
44 |
+
# print(line)
|
45 |
+
line = line.strip().split('\t')
|
46 |
+
# print(line)
|
47 |
+
text = line[0]
|
48 |
+
try:
|
49 |
+
confidence = line[2]
|
50 |
+
except:
|
51 |
+
confidence = 0
|
52 |
+
# raise Exception('Unable to find confidence in line: ',line)
|
53 |
+
line = line[1]
|
54 |
+
try:
|
55 |
+
arg1 = line[line.index('<arg1>') + 6:line.index('</arg1>')]
|
56 |
+
except:
|
57 |
+
arg1 = ""
|
58 |
+
try:
|
59 |
+
rel = line[line.index('<rel>') + 5:line.index('</rel>')]
|
60 |
+
except:
|
61 |
+
rel = ""
|
62 |
+
try:
|
63 |
+
arg2 = line[line.index('<arg2>') + 6:line.index('</arg2>')]
|
64 |
+
except:
|
65 |
+
arg2 = ""
|
66 |
+
|
67 |
+
if(type(self.threshold) != type(None) and float(confidence) < self.threshold):
|
68 |
+
continue
|
69 |
+
|
70 |
+
if not ( arg1 or arg2 or rel):
|
71 |
+
continue
|
72 |
+
#confidence = 1
|
73 |
+
#print(arg1, rel, arg2, confidence)
|
74 |
+
# curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = -1/float(confidence))
|
75 |
+
# curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = math.exp(float(confidence)))
|
76 |
+
curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence))
|
77 |
+
curExtraction.addArg(arg1)
|
78 |
+
curExtraction.addArg(arg2)
|
79 |
+
#for arg in args:
|
80 |
+
# curExtraction.addArg(arg)
|
81 |
+
d[text] = d.get(text, []) + [curExtraction]
|
82 |
+
|
83 |
+
if os.path.exists(fn):
|
84 |
+
fin.close()
|
85 |
+
# print(d)
|
86 |
+
self.oie = d
|
data/evaluation_data/carb/oie_readers/argument.py
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import nltk
|
2 |
+
from operator import itemgetter
|
3 |
+
|
4 |
+
class Argument:
|
5 |
+
def __init__(self, arg):
|
6 |
+
self.words = [x for x in arg[0].strip().split(' ') if x]
|
7 |
+
self.posTags = map(itemgetter(1), nltk.pos_tag(self.words))
|
8 |
+
self.indices = arg[1]
|
9 |
+
self.feats = {}
|
10 |
+
|
11 |
+
def __str__(self):
|
12 |
+
return "({})".format('\t'.join(map(str,
|
13 |
+
[escape_special_chars(' '.join(self.words)),
|
14 |
+
str(self.indices)])))
|
15 |
+
|
16 |
+
COREF = 'coref'
|
17 |
+
|
18 |
+
## Helper functions
|
19 |
+
def escape_special_chars(s):
|
20 |
+
return s.replace('\t', '\\t')
|
21 |
+
|
data/evaluation_data/carb/oie_readers/benchmarkGoldReader.py
ADDED
@@ -0,0 +1,55 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
""" Usage:
|
2 |
+
benchmarkGoldReader --in=INPUT_FILE
|
3 |
+
|
4 |
+
Read a tab-formatted file.
|
5 |
+
Each line consists of:
|
6 |
+
sent, prob, pred, arg1, arg2, ...
|
7 |
+
|
8 |
+
"""
|
9 |
+
|
10 |
+
from oie_readers.oieReader import OieReader
|
11 |
+
from oie_readers.extraction import Extraction
|
12 |
+
from docopt import docopt
|
13 |
+
import logging
|
14 |
+
|
15 |
+
logging.basicConfig(level = logging.DEBUG)
|
16 |
+
|
17 |
+
class BenchmarkGoldReader(OieReader):
|
18 |
+
|
19 |
+
def __init__(self):
|
20 |
+
self.name = 'BenchmarkGoldReader'
|
21 |
+
|
22 |
+
def read(self, fn):
|
23 |
+
"""
|
24 |
+
Read a tabbed format line
|
25 |
+
Each line consists of:
|
26 |
+
sent, prob, pred, arg1, arg2, ...
|
27 |
+
"""
|
28 |
+
d = {}
|
29 |
+
ex_index = 0
|
30 |
+
with open(fn) as fin:
|
31 |
+
for line in fin:
|
32 |
+
if not line.strip():
|
33 |
+
continue
|
34 |
+
data = line.strip().split('\t')
|
35 |
+
text, rel = data[:2]
|
36 |
+
curExtraction = Extraction(pred = rel.strip(),
|
37 |
+
head_pred_index = None,
|
38 |
+
sent = text.strip(),
|
39 |
+
confidence = 1.0,
|
40 |
+
question_dist = "./question_distributions/dist_wh_sbj_obj1.json",
|
41 |
+
index = ex_index)
|
42 |
+
ex_index += 1
|
43 |
+
|
44 |
+
for arg in data[2:]:
|
45 |
+
curExtraction.addArg(arg.strip())
|
46 |
+
|
47 |
+
d[text] = d.get(text, []) + [curExtraction]
|
48 |
+
self.oie = d
|
49 |
+
|
50 |
+
|
51 |
+
if __name__ == "__main__":
|
52 |
+
args = docopt(__doc__)
|
53 |
+
input_fn = args["--in"]
|
54 |
+
tr = BenchmarkGoldReader()
|
55 |
+
tr.read(input_fn)
|
data/evaluation_data/carb/oie_readers/clausieReader.py
ADDED
@@ -0,0 +1,90 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
""" Usage:
|
2 |
+
<file-name> --in=INPUT_FILE --out=OUTPUT_FILE [--debug]
|
3 |
+
|
4 |
+
Convert to tabbed format
|
5 |
+
"""
|
6 |
+
# External imports
|
7 |
+
import logging
|
8 |
+
from pprint import pprint
|
9 |
+
from pprint import pformat
|
10 |
+
from docopt import docopt
|
11 |
+
|
12 |
+
# Local imports
|
13 |
+
from oie_readers.oieReader import OieReader
|
14 |
+
from oie_readers.extraction import Extraction
|
15 |
+
import ipdb
|
16 |
+
#=-----
|
17 |
+
|
18 |
+
class ClausieReader(OieReader):
|
19 |
+
|
20 |
+
def __init__(self):
|
21 |
+
self.name = 'ClausIE'
|
22 |
+
|
23 |
+
def read(self, fn):
|
24 |
+
d = {}
|
25 |
+
with open(fn, encoding="utf-8") as fin:
|
26 |
+
for line in fin:
|
27 |
+
data = line.strip().split('\t')
|
28 |
+
if len(data) == 1:
|
29 |
+
text = data[0]
|
30 |
+
elif len(data) == 5:
|
31 |
+
arg1, rel, arg2 = [s[1:-1] for s in data[1:4]]
|
32 |
+
confidence = data[4]
|
33 |
+
|
34 |
+
curExtraction = Extraction(pred = rel,
|
35 |
+
head_pred_index = -1,
|
36 |
+
sent = text,
|
37 |
+
confidence = float(confidence))
|
38 |
+
|
39 |
+
curExtraction.addArg(arg1)
|
40 |
+
curExtraction.addArg(arg2)
|
41 |
+
d[text] = d.get(text, []) + [curExtraction]
|
42 |
+
self.oie = d
|
43 |
+
# self.normalizeConfidence()
|
44 |
+
|
45 |
+
# # remove exxtractions below the confidence threshold
|
46 |
+
# if type(self.threshold) != type(None):
|
47 |
+
# new_d = {}
|
48 |
+
# for sent in self.oie:
|
49 |
+
# for extraction in self.oie[sent]:
|
50 |
+
# if extraction.confidence < self.threshold:
|
51 |
+
# continue
|
52 |
+
# else:
|
53 |
+
# new_d[sent] = new_d.get(sent, []) + [extraction]
|
54 |
+
# self.oie = new_d
|
55 |
+
|
56 |
+
|
57 |
+
|
58 |
+
def normalizeConfidence(self):
|
59 |
+
''' Normalize confidence to resemble probabilities '''
|
60 |
+
EPSILON = 1e-3
|
61 |
+
|
62 |
+
confidences = [extraction.confidence for sent in self.oie for extraction in self.oie[sent]]
|
63 |
+
maxConfidence = max(confidences)
|
64 |
+
minConfidence = min(confidences)
|
65 |
+
|
66 |
+
denom = maxConfidence - minConfidence + (2*EPSILON)
|
67 |
+
|
68 |
+
for sent, extractions in self.oie.items():
|
69 |
+
for extraction in extractions:
|
70 |
+
extraction.confidence = ( (extraction.confidence - minConfidence) + EPSILON) / denom
|
71 |
+
|
72 |
+
|
73 |
+
|
74 |
+
if __name__ == "__main__":
|
75 |
+
# Parse command line arguments
|
76 |
+
args = docopt(__doc__)
|
77 |
+
inp_fn = args["--in"]
|
78 |
+
out_fn = args["--out"]
|
79 |
+
debug = args["--debug"]
|
80 |
+
if debug:
|
81 |
+
logging.basicConfig(level = logging.DEBUG)
|
82 |
+
else:
|
83 |
+
logging.basicConfig(level = logging.INFO)
|
84 |
+
|
85 |
+
|
86 |
+
oie = ClausieReader()
|
87 |
+
oie.read(inp_fn)
|
88 |
+
oie.output_tabbed(out_fn)
|
89 |
+
|
90 |
+
logging.info("DONE")
|
data/evaluation_data/carb/oie_readers/extraction.py
ADDED
@@ -0,0 +1,443 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from oie_readers.argument import Argument
|
2 |
+
from operator import itemgetter
|
3 |
+
from collections import defaultdict
|
4 |
+
import nltk
|
5 |
+
import itertools
|
6 |
+
import logging
|
7 |
+
import numpy as np
|
8 |
+
|
9 |
+
|
10 |
+
class Extraction:
|
11 |
+
"""
|
12 |
+
Stores sentence, single predicate and corresponding arguments.
|
13 |
+
"""
|
14 |
+
def __init__(self, pred, head_pred_index, sent, confidence, question_dist = '', index = -1):
|
15 |
+
self.pred = pred
|
16 |
+
self.head_pred_index = head_pred_index
|
17 |
+
self.sent = sent
|
18 |
+
self.args = []
|
19 |
+
self.confidence = confidence
|
20 |
+
self.matched = []
|
21 |
+
self.questions = {}
|
22 |
+
self.indsForQuestions = defaultdict(lambda: set())
|
23 |
+
self.is_mwp = False
|
24 |
+
self.question_dist = question_dist
|
25 |
+
self.index = index
|
26 |
+
|
27 |
+
def distArgFromPred(self, arg):
|
28 |
+
assert(len(self.pred) == 2)
|
29 |
+
dists = []
|
30 |
+
for x in self.pred[1]:
|
31 |
+
for y in arg.indices:
|
32 |
+
dists.append(abs(x - y))
|
33 |
+
|
34 |
+
return min(dists)
|
35 |
+
|
36 |
+
def argsByDistFromPred(self, question):
|
37 |
+
return sorted(self.questions[question], key = lambda arg: self.distArgFromPred(arg))
|
38 |
+
|
39 |
+
def addArg(self, arg, question = None):
|
40 |
+
self.args.append(arg)
|
41 |
+
if question:
|
42 |
+
self.questions[question] = self.questions.get(question,[]) + [Argument(arg)]
|
43 |
+
|
44 |
+
def noPronounArgs(self):
|
45 |
+
"""
|
46 |
+
Returns True iff all of this extraction's arguments are not pronouns.
|
47 |
+
"""
|
48 |
+
for (a, _) in self.args:
|
49 |
+
tokenized_arg = nltk.word_tokenize(a)
|
50 |
+
if len(tokenized_arg) == 1:
|
51 |
+
_, pos_tag = nltk.pos_tag(tokenized_arg)[0]
|
52 |
+
if ('PRP' in pos_tag):
|
53 |
+
return False
|
54 |
+
return True
|
55 |
+
|
56 |
+
def isContiguous(self):
|
57 |
+
return all([indices for (_, indices) in self.args])
|
58 |
+
|
59 |
+
def toBinary(self):
|
60 |
+
''' Try to represent this extraction's arguments as binary
|
61 |
+
If fails, this function will return an empty list. '''
|
62 |
+
|
63 |
+
ret = [self.elementToStr(self.pred)]
|
64 |
+
|
65 |
+
if len(self.args) == 2:
|
66 |
+
# we're in luck
|
67 |
+
return ret + [self.elementToStr(arg) for arg in self.args]
|
68 |
+
|
69 |
+
return []
|
70 |
+
|
71 |
+
if not self.isContiguous():
|
72 |
+
# give up on non contiguous arguments (as we need indexes)
|
73 |
+
return []
|
74 |
+
|
75 |
+
# otherwise, try to merge based on indices
|
76 |
+
# TODO: you can explore other methods for doing this
|
77 |
+
binarized = self.binarizeByIndex()
|
78 |
+
|
79 |
+
if binarized:
|
80 |
+
return ret + binarized
|
81 |
+
|
82 |
+
return []
|
83 |
+
|
84 |
+
|
85 |
+
def elementToStr(self, elem, print_indices = True):
|
86 |
+
''' formats an extraction element (pred or arg) as a raw string
|
87 |
+
removes indices and trailing spaces '''
|
88 |
+
if print_indices:
|
89 |
+
return str(elem)
|
90 |
+
if isinstance(elem, str):
|
91 |
+
return elem
|
92 |
+
if isinstance(elem, tuple):
|
93 |
+
ret = elem[0].rstrip().lstrip()
|
94 |
+
else:
|
95 |
+
ret = ' '.join(elem.words)
|
96 |
+
assert ret, "empty element? {0}".format(elem)
|
97 |
+
return ret
|
98 |
+
|
99 |
+
def binarizeByIndex(self):
|
100 |
+
extraction = [self.pred] + self.args
|
101 |
+
markPred = [(w, ind, i == 0) for i, (w, ind) in enumerate(extraction)]
|
102 |
+
sortedExtraction = sorted(markPred, key = lambda ws, indices, f : indices[0])
|
103 |
+
s = ' '.join(['{1} {0} {1}'.format(self.elementToStr(elem), SEP) if elem[2] else self.elementToStr(elem) for elem in sortedExtraction])
|
104 |
+
binArgs = [a for a in s.split(SEP) if a.rstrip().lstrip()]
|
105 |
+
|
106 |
+
if len(binArgs) == 2:
|
107 |
+
return binArgs
|
108 |
+
|
109 |
+
# failure
|
110 |
+
return []
|
111 |
+
|
112 |
+
def bow(self):
|
113 |
+
return ' '.join([self.elementToStr(elem) for elem in [self.pred] + self.args])
|
114 |
+
|
115 |
+
def getSortedArgs(self):
|
116 |
+
"""
|
117 |
+
Sort the list of arguments.
|
118 |
+
If a question distribution is provided - use it,
|
119 |
+
otherwise, default to the order of appearance in the sentence.
|
120 |
+
"""
|
121 |
+
if self.question_dist:
|
122 |
+
# There's a question distribtuion - use it
|
123 |
+
return self.sort_args_by_distribution()
|
124 |
+
ls = []
|
125 |
+
for q, args in self.questions.iteritems():
|
126 |
+
if (len(args) != 1):
|
127 |
+
logging.debug("Not one argument: {}".format(args))
|
128 |
+
continue
|
129 |
+
arg = args[0]
|
130 |
+
indices = list(self.indsForQuestions[q].union(arg.indices))
|
131 |
+
if not indices:
|
132 |
+
logging.debug("Empty indexes for arg {} -- backing to zero".format(arg))
|
133 |
+
indices = [0]
|
134 |
+
ls.append(((arg, q), indices))
|
135 |
+
return [a for a, _ in sorted(ls,
|
136 |
+
key = lambda _, indices: min(indices))]
|
137 |
+
|
138 |
+
def question_prob_for_loc(self, question, loc):
|
139 |
+
"""
|
140 |
+
Returns the probability of the given question leading to argument
|
141 |
+
appearing in the given location in the output slot.
|
142 |
+
"""
|
143 |
+
gen_question = generalize_question(question)
|
144 |
+
q_dist = self.question_dist[gen_question]
|
145 |
+
logging.debug("distribution of {}: {}".format(gen_question,
|
146 |
+
q_dist))
|
147 |
+
|
148 |
+
return float(q_dist.get(loc, 0)) / \
|
149 |
+
sum(q_dist.values())
|
150 |
+
|
151 |
+
def sort_args_by_distribution(self):
|
152 |
+
"""
|
153 |
+
Use this instance's question distribution (this func assumes it exists)
|
154 |
+
in determining the positioning of the arguments.
|
155 |
+
Greedy algorithm:
|
156 |
+
0. Decide on which argument will serve as the ``subject'' (first slot) of this extraction
|
157 |
+
0.1 Based on the most probable one for this spot
|
158 |
+
(special care is given to select the highly-influential subject position)
|
159 |
+
1. For all other arguments, sort arguments by the prevalance of their questions
|
160 |
+
2. For each argument:
|
161 |
+
2.1 Assign to it the most probable slot still available
|
162 |
+
2.2 If non such exist (fallback) - default to put it in the last location
|
163 |
+
"""
|
164 |
+
INF_LOC = 100 # Used as an impractical last argument
|
165 |
+
|
166 |
+
# Store arguments by slot
|
167 |
+
ret = {INF_LOC: []}
|
168 |
+
logging.debug("sorting: {}".format(self.questions))
|
169 |
+
|
170 |
+
# Find the most suitable arguemnt for the subject location
|
171 |
+
logging.debug("probs for subject: {}".format([(q, self.question_prob_for_loc(q, 0))
|
172 |
+
for (q, _) in self.questions.iteritems()]))
|
173 |
+
|
174 |
+
subj_question, subj_args = max(self.questions.iteritems(),
|
175 |
+
key = lambda q, _: self.question_prob_for_loc(q, 0))
|
176 |
+
|
177 |
+
ret[0] = [(subj_args[0], subj_question)]
|
178 |
+
|
179 |
+
# Find the rest
|
180 |
+
for (question, args) in sorted([(q, a)
|
181 |
+
for (q, a) in self.questions.iteritems() if (q not in [subj_question])],
|
182 |
+
key = lambda q, _: \
|
183 |
+
sum(self.question_dist[generalize_question(q)].values()),
|
184 |
+
reverse = True):
|
185 |
+
gen_question = generalize_question(question)
|
186 |
+
arg = args[0]
|
187 |
+
assigned_flag = False
|
188 |
+
for (loc, count) in sorted(self.question_dist[gen_question].iteritems(),
|
189 |
+
key = lambda _ , c: c,
|
190 |
+
reverse = True):
|
191 |
+
if loc not in ret:
|
192 |
+
# Found an empty slot for this item
|
193 |
+
# Place it there and break out
|
194 |
+
ret[loc] = [(arg, question)]
|
195 |
+
assigned_flag = True
|
196 |
+
break
|
197 |
+
|
198 |
+
if not assigned_flag:
|
199 |
+
# Add this argument to the non-assigned (hopefully doesn't happen much)
|
200 |
+
logging.debug("Couldn't find an open assignment for {}".format((arg, gen_question)))
|
201 |
+
ret[INF_LOC].append((arg, question))
|
202 |
+
|
203 |
+
logging.debug("Linearizing arg list: {}".format(ret))
|
204 |
+
|
205 |
+
# Finished iterating - consolidate and return a list of arguments
|
206 |
+
return [arg
|
207 |
+
for (_, arg_ls) in sorted(ret.iteritems(),
|
208 |
+
key = lambda k, v: int(k))
|
209 |
+
for arg in arg_ls]
|
210 |
+
|
211 |
+
|
212 |
+
def __str__(self):
|
213 |
+
pred_str = self.elementToStr(self.pred)
|
214 |
+
return '{}\t{}\t{}'.format(self.get_base_verb(pred_str),
|
215 |
+
self.compute_global_pred(pred_str,
|
216 |
+
self.questions.keys()),
|
217 |
+
'\t'.join([escape_special_chars(self.augment_arg_with_question(self.elementToStr(arg),
|
218 |
+
question))
|
219 |
+
for arg, question in self.getSortedArgs()]))
|
220 |
+
|
221 |
+
def get_base_verb(self, surface_pred):
|
222 |
+
"""
|
223 |
+
Given the surface pred, return the original annotated verb
|
224 |
+
"""
|
225 |
+
# Assumes that at this point the verb is always the last word
|
226 |
+
# in the surface predicate
|
227 |
+
return surface_pred.split(' ')[-1]
|
228 |
+
|
229 |
+
|
230 |
+
def compute_global_pred(self, surface_pred, questions):
|
231 |
+
"""
|
232 |
+
Given the surface pred and all instansiations of questions,
|
233 |
+
make global coherence decisions regarding the final form of the predicate
|
234 |
+
This should hopefully take care of multi word predicates and correct inflections
|
235 |
+
"""
|
236 |
+
from operator import itemgetter
|
237 |
+
split_surface = surface_pred.split(' ')
|
238 |
+
|
239 |
+
if len(split_surface) > 1:
|
240 |
+
# This predicate has a modal preceding the base verb
|
241 |
+
verb = split_surface[-1]
|
242 |
+
ret = split_surface[:-1] # get all of the elements in the modal
|
243 |
+
else:
|
244 |
+
verb = split_surface[0]
|
245 |
+
ret = []
|
246 |
+
|
247 |
+
split_questions = map(lambda question: question.split(' '),
|
248 |
+
questions)
|
249 |
+
|
250 |
+
preds = map(normalize_element,
|
251 |
+
map(itemgetter(QUESTION_TRG_INDEX),
|
252 |
+
split_questions))
|
253 |
+
if len(set(preds)) > 1:
|
254 |
+
# This predicate is appears in multiple ways, let's stick to the base form
|
255 |
+
ret.append(verb)
|
256 |
+
|
257 |
+
if len(set(preds)) == 1:
|
258 |
+
# Change the predciate to the inflected form
|
259 |
+
# if there's exactly one way in which the predicate is conveyed
|
260 |
+
ret.append(preds[0])
|
261 |
+
|
262 |
+
pps = map(normalize_element,
|
263 |
+
map(itemgetter(QUESTION_PP_INDEX),
|
264 |
+
split_questions))
|
265 |
+
|
266 |
+
obj2s = map(normalize_element,
|
267 |
+
map(itemgetter(QUESTION_OBJ2_INDEX),
|
268 |
+
split_questions))
|
269 |
+
|
270 |
+
if (len(set(pps)) == 1):
|
271 |
+
# If all questions for the predicate include the same pp attachemnt -
|
272 |
+
# assume it's a multiword predicate
|
273 |
+
self.is_mwp = True # Signal to arguments that they shouldn't take the preposition
|
274 |
+
ret.append(pps[0])
|
275 |
+
|
276 |
+
# Concat all elements in the predicate and return
|
277 |
+
return " ".join(ret).strip()
|
278 |
+
|
279 |
+
|
280 |
+
def augment_arg_with_question(self, arg, question):
|
281 |
+
"""
|
282 |
+
Decide what elements from the question to incorporate in the given
|
283 |
+
corresponding argument
|
284 |
+
"""
|
285 |
+
# Parse question
|
286 |
+
wh, aux, sbj, trg, obj1, pp, obj2 = map(normalize_element,
|
287 |
+
question.split(' ')[:-1]) # Last split is the question mark
|
288 |
+
|
289 |
+
# Place preposition in argument
|
290 |
+
# This is safer when dealing with n-ary arguments, as it's directly attaches to the
|
291 |
+
# appropriate argument
|
292 |
+
if (not self.is_mwp) and pp and (not obj2):
|
293 |
+
if not(arg.startswith("{} ".format(pp))):
|
294 |
+
# Avoid repeating the preporition in cases where both question and answer contain it
|
295 |
+
return " ".join([pp,
|
296 |
+
arg])
|
297 |
+
|
298 |
+
# Normal cases
|
299 |
+
return arg
|
300 |
+
|
301 |
+
def clusterScore(self, cluster):
|
302 |
+
"""
|
303 |
+
Calculate cluster density score as the mean distance of the maximum distance of each slot.
|
304 |
+
Lower score represents a denser cluster.
|
305 |
+
"""
|
306 |
+
logging.debug("*-*-*- Cluster: {}".format(cluster))
|
307 |
+
|
308 |
+
# Find global centroid
|
309 |
+
arr = np.array([x for ls in cluster for x in ls])
|
310 |
+
centroid = np.sum(arr)/arr.shape[0]
|
311 |
+
logging.debug("Centroid: {}".format(centroid))
|
312 |
+
|
313 |
+
# Calculate mean over all maxmimum points
|
314 |
+
return np.average([max([abs(x - centroid) for x in ls]) for ls in cluster])
|
315 |
+
|
316 |
+
def resolveAmbiguity(self):
|
317 |
+
"""
|
318 |
+
Heursitic to map the elments (argument and predicates) of this extraction
|
319 |
+
back to the indices of the sentence.
|
320 |
+
"""
|
321 |
+
## TODO: This removes arguments for which there was no consecutive span found
|
322 |
+
## Part of these are non-consecutive arguments,
|
323 |
+
## but other could be a bug in recognizing some punctuation marks
|
324 |
+
|
325 |
+
elements = [self.pred] \
|
326 |
+
+ [(s, indices)
|
327 |
+
for (s, indices)
|
328 |
+
in self.args
|
329 |
+
if indices]
|
330 |
+
logging.debug("Resolving ambiguity in: {}".format(elements))
|
331 |
+
|
332 |
+
# Collect all possible combinations of arguments and predicate indices
|
333 |
+
# (hopefully it's not too much)
|
334 |
+
all_combinations = list(itertools.product(*map(itemgetter(1), elements)))
|
335 |
+
logging.debug("Number of combinations: {}".format(len(all_combinations)))
|
336 |
+
|
337 |
+
# Choose the ones with best clustering and unfold them
|
338 |
+
resolved_elements = zip(map(itemgetter(0), elements),
|
339 |
+
min(all_combinations,
|
340 |
+
key = lambda cluster: self.clusterScore(cluster)))
|
341 |
+
logging.debug("Resolved elements = {}".format(resolved_elements))
|
342 |
+
|
343 |
+
self.pred = resolved_elements[0]
|
344 |
+
self.args = resolved_elements[1:]
|
345 |
+
|
346 |
+
def conll(self, external_feats = {}):
|
347 |
+
"""
|
348 |
+
Return a CoNLL string representation of this extraction
|
349 |
+
"""
|
350 |
+
return '\n'.join(["\t".join(map(str,
|
351 |
+
[i, w] + \
|
352 |
+
list(self.pred) + \
|
353 |
+
[self.head_pred_index] + \
|
354 |
+
external_feats + \
|
355 |
+
[self.get_label(i)]))
|
356 |
+
for (i, w)
|
357 |
+
in enumerate(self.sent.split(" "))]) + '\n'
|
358 |
+
|
359 |
+
def get_label(self, index):
|
360 |
+
"""
|
361 |
+
Given an index of a word in the sentence -- returns the appropriate BIO conll label
|
362 |
+
Assumes that ambiguation was already resolved.
|
363 |
+
"""
|
364 |
+
# Get the element(s) in which this index appears
|
365 |
+
ent = [(elem_ind, elem)
|
366 |
+
for (elem_ind, elem)
|
367 |
+
in enumerate(map(itemgetter(1),
|
368 |
+
[self.pred] + self.args))
|
369 |
+
if index in elem]
|
370 |
+
|
371 |
+
if not ent:
|
372 |
+
# index doesnt appear in any element
|
373 |
+
return "O"
|
374 |
+
|
375 |
+
if len(ent) > 1:
|
376 |
+
# The same word appears in two different answers
|
377 |
+
# In this case we choose the first one as label
|
378 |
+
logging.warn("Index {} appears in one than more element: {}".\
|
379 |
+
format(index,
|
380 |
+
"\t".join(map(str,
|
381 |
+
[ent,
|
382 |
+
self.sent,
|
383 |
+
self.pred,
|
384 |
+
self.args]))))
|
385 |
+
|
386 |
+
## Some indices appear in more than one argument (ones where the above message appears)
|
387 |
+
## From empricial observation, these seem to mostly consist of different levels of granularity:
|
388 |
+
## what had _ been taken _ _ _ ? loan commitments topping $ 3 billion
|
389 |
+
## how much had _ been taken _ _ _ ? topping $ 3 billion
|
390 |
+
## In these cases we heuristically choose the shorter answer span, hopefully creating minimal spans
|
391 |
+
## E.g., in this example two arguemnts are created: (loan commitments, topping $ 3 billion)
|
392 |
+
|
393 |
+
elem_ind, elem = min(ent, key = lambda _, ls: len(ls))
|
394 |
+
|
395 |
+
# Distinguish between predicate and arguments
|
396 |
+
prefix = "P" if elem_ind == 0 else "A{}".format(elem_ind - 1)
|
397 |
+
|
398 |
+
# Distinguish between Beginning and Inside labels
|
399 |
+
suffix = "B" if index == elem[0] else "I"
|
400 |
+
|
401 |
+
return "{}-{}".format(prefix, suffix)
|
402 |
+
|
403 |
+
def __str__(self):
|
404 |
+
return '{0}\t{1}'.format(self.elementToStr(self.pred,
|
405 |
+
print_indices = True),
|
406 |
+
'\t'.join([self.elementToStr(arg)
|
407 |
+
for arg
|
408 |
+
in self.args]))
|
409 |
+
|
410 |
+
# Flatten a list of lists
|
411 |
+
flatten = lambda l: [item for sublist in l for item in sublist]
|
412 |
+
|
413 |
+
|
414 |
+
def normalize_element(elem):
|
415 |
+
"""
|
416 |
+
Return a surface form of the given question element.
|
417 |
+
the output should be properly able to precede a predicate (or blank otherwise)
|
418 |
+
"""
|
419 |
+
return elem.replace("_", " ") \
|
420 |
+
if (elem != "_")\
|
421 |
+
else ""
|
422 |
+
|
423 |
+
## Helper functions
|
424 |
+
def escape_special_chars(s):
|
425 |
+
return s.replace('\t', '\\t')
|
426 |
+
|
427 |
+
|
428 |
+
def generalize_question(question):
|
429 |
+
"""
|
430 |
+
Given a question in the context of the sentence and the predicate index within
|
431 |
+
the question - return a generalized version which extracts only order-imposing features
|
432 |
+
"""
|
433 |
+
import nltk # Using nltk since couldn't get spaCy to agree on the tokenization
|
434 |
+
wh, aux, sbj, trg, obj1, pp, obj2 = question.split(' ')[:-1] # Last split is the question mark
|
435 |
+
return ' '.join([wh, sbj, obj1])
|
436 |
+
|
437 |
+
|
438 |
+
|
439 |
+
## CONSTANTS
|
440 |
+
SEP = ';;;'
|
441 |
+
QUESTION_TRG_INDEX = 3 # index of the predicate within the question
|
442 |
+
QUESTION_PP_INDEX = 5
|
443 |
+
QUESTION_OBJ2_INDEX = 6
|
data/evaluation_data/carb/oie_readers/goldReader.py
ADDED
@@ -0,0 +1,44 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from oie_readers.oieReader import OieReader
|
2 |
+
from oie_readers.extraction import Extraction
|
3 |
+
from _collections import defaultdict
|
4 |
+
import ipdb
|
5 |
+
|
6 |
+
class GoldReader(OieReader):
|
7 |
+
|
8 |
+
# Path relative to repo root folder
|
9 |
+
default_filename = './oie_corpus/all.oie'
|
10 |
+
|
11 |
+
def __init__(self):
|
12 |
+
self.name = 'Gold'
|
13 |
+
|
14 |
+
def read(self, fn):
|
15 |
+
d = defaultdict(lambda: [])
|
16 |
+
with open(fn) as fin:
|
17 |
+
for line_ind, line in enumerate(fin):
|
18 |
+
# print line
|
19 |
+
data = line.strip().split('\t')
|
20 |
+
text, rel = data[:2]
|
21 |
+
args = data[2:]
|
22 |
+
confidence = 1
|
23 |
+
|
24 |
+
curExtraction = Extraction(pred = rel.strip(),
|
25 |
+
head_pred_index = None,
|
26 |
+
sent = text.strip(),
|
27 |
+
confidence = float(confidence),
|
28 |
+
index = line_ind)
|
29 |
+
for arg in args:
|
30 |
+
if "C: " in arg:
|
31 |
+
continue
|
32 |
+
curExtraction.addArg(arg.strip())
|
33 |
+
|
34 |
+
d[text.strip()].append(curExtraction)
|
35 |
+
self.oie = d
|
36 |
+
|
37 |
+
|
38 |
+
if __name__ == '__main__' :
|
39 |
+
g = GoldReader()
|
40 |
+
g.read('../oie_corpus/all.oie', includeNominal = False)
|
41 |
+
d = g.oie
|
42 |
+
e = d.items()[0]
|
43 |
+
print(e[1][0].bow())
|
44 |
+
print(g.count())
|
data/evaluation_data/carb/oie_readers/oieReader.py
ADDED
@@ -0,0 +1,45 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
class OieReader:
|
2 |
+
|
3 |
+
def read(self, fn, includeNominal):
|
4 |
+
''' should set oie as a class member
|
5 |
+
as a dictionary of extractions by sentence'''
|
6 |
+
raise Exception("Don't run me")
|
7 |
+
|
8 |
+
def count(self):
|
9 |
+
''' number of extractions '''
|
10 |
+
return sum([len(extractions) for _, extractions in self.oie.items()])
|
11 |
+
|
12 |
+
def split_to_corpus(self, corpus_fn, out_fn):
|
13 |
+
"""
|
14 |
+
Given a corpus file name, containing a list of sentences
|
15 |
+
print only the extractions pertaining to it to out_fn in a tab separated format:
|
16 |
+
sent, prob, pred, arg1, arg2, ...
|
17 |
+
"""
|
18 |
+
raw_sents = [line.strip() for line in open(corpus_fn)]
|
19 |
+
with open(out_fn, 'w') as fout:
|
20 |
+
for line in self.get_tabbed().split('\n'):
|
21 |
+
data = line.split('\t')
|
22 |
+
sent = data[0]
|
23 |
+
if sent in raw_sents:
|
24 |
+
fout.write(line + '\n')
|
25 |
+
|
26 |
+
def output_tabbed(self, out_fn):
|
27 |
+
"""
|
28 |
+
Write a tabbed represenation of this corpus.
|
29 |
+
"""
|
30 |
+
with open(out_fn, 'w') as fout:
|
31 |
+
fout.write(self.get_tabbed())
|
32 |
+
|
33 |
+
def get_tabbed(self):
|
34 |
+
"""
|
35 |
+
Get a tabbed format representation of this corpus (assumes that input was
|
36 |
+
already read).
|
37 |
+
"""
|
38 |
+
return "\n".join(['\t'.join(map(str,
|
39 |
+
[ex.sent,
|
40 |
+
ex.confidence,
|
41 |
+
ex.pred,
|
42 |
+
'\t'.join(ex.args)]))
|
43 |
+
for (sent, exs) in self.oie.iteritems()
|
44 |
+
for ex in exs])
|
45 |
+
|
data/evaluation_data/carb/oie_readers/ollieReader.py
ADDED
@@ -0,0 +1,22 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from oie_readers.oieReader import OieReader
|
2 |
+
from oie_readers.extraction import Extraction
|
3 |
+
|
4 |
+
class OllieReader(OieReader):
|
5 |
+
|
6 |
+
def __init__(self):
|
7 |
+
self.name = 'OLLIE'
|
8 |
+
|
9 |
+
def read(self, fn):
|
10 |
+
d = {}
|
11 |
+
with open(fn) as fin:
|
12 |
+
fin.readline() #remove header
|
13 |
+
for line in fin:
|
14 |
+
data = line.strip().split('\t')
|
15 |
+
confidence, arg1, rel, arg2, enabler, attribution, text = data[:7]
|
16 |
+
curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence))
|
17 |
+
curExtraction.addArg(arg1)
|
18 |
+
curExtraction.addArg(arg2)
|
19 |
+
d[text] = d.get(text, []) + [curExtraction]
|
20 |
+
self.oie = d
|
21 |
+
|
22 |
+
|
data/evaluation_data/carb/oie_readers/openieFiveReader.py
ADDED
@@ -0,0 +1,38 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from oie_readers.oieReader import OieReader
|
2 |
+
from oie_readers.extraction import Extraction
|
3 |
+
|
4 |
+
class OpenieFiveReader(OieReader):
|
5 |
+
|
6 |
+
def __init__(self):
|
7 |
+
self.name = 'OpenIE-5'
|
8 |
+
|
9 |
+
def read(self, fn):
|
10 |
+
d = {}
|
11 |
+
with open(fn) as fin:
|
12 |
+
for line in fin:
|
13 |
+
data = line.strip().split('\t')
|
14 |
+
confidence = data[0]
|
15 |
+
|
16 |
+
if not all(data[2:5]):
|
17 |
+
continue
|
18 |
+
arg1, rel = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:4]]
|
19 |
+
#args = data[4].strip().split(');')
|
20 |
+
#print arg2s
|
21 |
+
args = [s[s.index('(') + 1:s.index(',List(')] for s in data[4].strip().split(');')]
|
22 |
+
# if arg1 == "the younger La Flesche":
|
23 |
+
# print len(args)
|
24 |
+
text = data[5]
|
25 |
+
if data[1]:
|
26 |
+
#print arg1, rel
|
27 |
+
s = data[1]
|
28 |
+
if not (arg1 + ' ' + rel).startswith(s[s.index('(') + 1:s.index(',List(')]):
|
29 |
+
#print "##########Not adding context"
|
30 |
+
arg1 = s[s.index('(') + 1:s.index(',List(')] + ' ' + arg1
|
31 |
+
#print arg1 + rel, ",,,,, ", s[s.index('(') + 1:s.index(',List(')]
|
32 |
+
#curExtraction = Extraction(pred = rel, sent = text, confidence = float(confidence))
|
33 |
+
curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence))
|
34 |
+
curExtraction.addArg(arg1)
|
35 |
+
for arg in args:
|
36 |
+
curExtraction.addArg(arg)
|
37 |
+
d[text] = d.get(text, []) + [curExtraction]
|
38 |
+
self.oie = d
|
data/evaluation_data/carb/oie_readers/openieFourReader.py
ADDED
@@ -0,0 +1,59 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
""" Usage:
|
2 |
+
<file-name> --in=INPUT_FILE --out=OUTPUT_FILE [--debug]
|
3 |
+
|
4 |
+
Convert to tabbed format
|
5 |
+
"""
|
6 |
+
# External imports
|
7 |
+
import logging
|
8 |
+
from pprint import pprint
|
9 |
+
from pprint import pformat
|
10 |
+
from docopt import docopt
|
11 |
+
|
12 |
+
# Local imports
|
13 |
+
from oie_readers.oieReader import OieReader
|
14 |
+
from oie_readers.extraction import Extraction
|
15 |
+
import ipdb
|
16 |
+
|
17 |
+
#=-----
|
18 |
+
|
19 |
+
class OpenieFourReader(OieReader):
|
20 |
+
|
21 |
+
def __init__(self):
|
22 |
+
self.name = 'OpenIE-4'
|
23 |
+
|
24 |
+
def read(self, fn):
|
25 |
+
d = {}
|
26 |
+
with open(fn) as fin:
|
27 |
+
for line in fin:
|
28 |
+
data = line.strip().split('\t')
|
29 |
+
confidence = data[0]
|
30 |
+
if not all(data[2:5]):
|
31 |
+
logging.debug("Skipped line: {}".format(line))
|
32 |
+
continue
|
33 |
+
arg1, rel, arg2 = [s[s.index('(') + 1:s.index(',List(')] for s in data[2:5]]
|
34 |
+
text = data[5]
|
35 |
+
curExtraction = Extraction(pred = rel, head_pred_index = -1, sent = text, confidence = float(confidence))
|
36 |
+
curExtraction.addArg(arg1)
|
37 |
+
curExtraction.addArg(arg2)
|
38 |
+
d[text] = d.get(text, []) + [curExtraction]
|
39 |
+
self.oie = d
|
40 |
+
|
41 |
+
|
42 |
+
|
43 |
+
if __name__ == "__main__":
|
44 |
+
# Parse command line arguments
|
45 |
+
args = docopt(__doc__)
|
46 |
+
inp_fn = args["--in"]
|
47 |
+
out_fn = args["--out"]
|
48 |
+
debug = args["--debug"]
|
49 |
+
if debug:
|
50 |
+
logging.basicConfig(level = logging.DEBUG)
|
51 |
+
else:
|
52 |
+
logging.basicConfig(level = logging.INFO)
|
53 |
+
|
54 |
+
|
55 |
+
oie = OpenieFourReader()
|
56 |
+
oie.read(inp_fn)
|
57 |
+
oie.output_tabbed(out_fn)
|
58 |
+
|
59 |
+
logging.info("DONE")
|