RNN/rnn_2.ipynb
2024-05-27 14:39:47 +02:00

249 KiB

import torch
import torch.nn as nn
import torch.optim as optim
from torch.utils.data import DataLoader, Dataset
from collections import Counter
from sklearn.model_selection import train_test_split

from torchtext.vocab import vocab
from tqdm.notebook import tqdm
import pandas as pd
import numpy as np

# Funkcja do wczytywania danych
def load_datasets():
    train_df = pd.read_csv(
        "train/train.tsv.xz", compression="xz", sep="\t", names=["Category", "Sentence"]
    )
    dev_df = pd.read_csv("dev-0/in.tsv", sep="\t", names=["Sentence"])
    dev_labels = pd.read_csv("dev-0/expected.tsv", sep="\t", names=["Category"])
    test_df = pd.read_csv("test-A/in.tsv", sep="\t", names=["Sentence"])
    return train_df, dev_df, dev_labels, test_df

train_df, dev_df, dev_labels, test_df = load_datasets()
train_texts, val_texts, train_labels, val_labels = train_test_split(
    train_df["Sentence"], train_df["Category"], test_size=0.1, random_state=42
)
train_df = pd.DataFrame({"Sentence": train_texts, "Category": train_labels})
val_df = pd.DataFrame({"Sentence": val_texts, "Category": val_labels})

# Tokenizacja danych
train_df["tokens"] = train_df["Sentence"].apply(lambda x: x.split())
train_df["label_tokens"] = train_df["Category"].apply(lambda x: x.split())
test_df["tokens"] = test_df["Sentence"].apply(lambda x: x.split())
val_df["tokens"] = val_df["Sentence"].apply(lambda x: x.split())
val_df["label_tokens"] = val_df["Category"].apply(lambda x: x.split())
dev_df["tokens"] = dev_df["Sentence"].apply(lambda x: x.split())
dev_df["label_tokens"] = dev_labels["Category"].apply(lambda x: x.split())

# Budowanie słownika
def create_vocab(token_list):
    count = Counter()
    for tokens in token_list:
        count.update(tokens)
    return vocab(count, specials=["<unk>", "<pad>", "<bos>", "<eos>"])

vocabulary = create_vocab(train_df["tokens"])
index_to_string = vocabulary.get_itos()
print(index_to_string)
print(len(index_to_string))

vocabulary.set_default_index(vocabulary["<unk>"])

# Przetwarzanie danych na wektory
def vectorize_data(data_tokens):
    return [
        torch.tensor([vocabulary["<bos>"]] + [vocabulary[token] for token in tokens] + [vocabulary["<eos>"]], dtype=torch.long)
        for tokens in data_tokens
    ]

def vectorize_labels(data_labels, label_map):
    return [
        torch.tensor([0] + [label_map[label] for label in labels] + [0], dtype=torch.long, device=device)
        for labels in data_labels
    ]

device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
train_tokens = vectorize_data(train_df["tokens"])
test_tokens = vectorize_data(test_df["tokens"])
val_tokens = vectorize_data(val_df["tokens"])
dev_tokens = vectorize_data(dev_df["tokens"])

label_list = ["O", "B-PER", "I-PER", "B-ORG", "I-ORG", "B-LOC", "I-LOC", "B-MISC", "I-MISC"]
label_map = {label: idx for idx, label in enumerate(label_list)}

train_label_tokens = vectorize_labels(train_df["label_tokens"], label_map)
val_label_tokens = vectorize_labels(val_df["label_tokens"], label_map)
dev_label_tokens = vectorize_labels(dev_df["label_tokens"], label_map)

# Funkcja do obliczania metryk
def calculate_metrics(true_labels, pred_labels):
    accuracy = 0
    true_positive = 0
    false_positive = 0
    total_selected = 0
    total_relevant = 0

    for pred, true in zip(pred_labels, true_labels):
        if pred == true:
            accuracy += 1

        if pred > 0 and pred == true:
            true_positive += 1

        if pred > 0:
            total_selected += 1

        if true > 0:
            total_relevant += 1

    precision = true_positive / total_selected if total_selected > 0 else 1.0
    recall = true_positive / total_relevant if total_relevant > 0 else 1.0
    f1_score = 2 * precision * recall / (precision + recall) if (precision + recall) > 0 else 0.0

    return precision, recall, f1_score

label_indices = [label_map[label] for labels in train_df["label_tokens"] for label in labels]
num_classes = max(label_indices) + 1
print(num_classes)

# Definicja modelu LSTM
class BiLSTM(nn.Module):
    def __init__(self, vocab_size, embed_dim, hidden_dim, num_layers, num_classes):
        super(BiLSTM, self).__init__()
        self.embedding = nn.Embedding(vocab_size, embed_dim)
        self.lstm = nn.LSTM(embed_dim, hidden_dim, num_layers, batch_first=True, bidirectional=True)
        self.fc = nn.Linear(hidden_dim * 2, num_classes)

    def forward(self, x):
        x_embed = torch.relu(self.embedding(x))
        lstm_out, _ = self.lstm(x_embed)
        logits = self.fc(lstm_out)
        return logits

model = BiLSTM(len(index_to_string), 100, 100, 1, num_classes).to(device)
loss_function = nn.CrossEntropyLoss()
optimizer = optim.Adam(model.parameters())

# Funkcja do ewaluacji modelu
def evaluate_model(data_tokens, data_labels, model):
    true_labels = []
    pred_labels = []
    for i in tqdm(range(len(data_labels))):
        tokens = data_tokens[i].unsqueeze(0)
        true_labels_batch = list(data_labels[i].cpu().numpy())
        true_labels += true_labels_batch

        pred_logits = model(tokens).squeeze(0)
        pred_batch = torch.argmax(pred_logits, 1)
        pred_labels += list(pred_batch.cpu().numpy())

    return calculate_metrics(true_labels, pred_labels)

# Funkcja do predykcji etykiet
def predict_labels(data_tokens, model, label_map):
    pred_labels = []
    inv_label_map = {v: k for k, v in label_map.items()}

    for i in tqdm(range(len(data_tokens))):
        tokens = data_tokens[i].unsqueeze(0)
        pred_logits = model(tokens).squeeze(0)
        pred_batch = torch.argmax(pred_logits, 1)
        pred_label_list = [inv_label_map[label.item()] for label in pred_batch]
        pred_label_list = pred_label_list[1:-1]
        pred_labels.append(" ".join(pred_label_list))

    return pred_labels

# Trening modelu
EPOCHS = 5
for epoch in range(EPOCHS):
    model.train()
    for i in tqdm(range(len(train_label_tokens))):
        tokens = train_tokens[i].unsqueeze(0)
        true_labels = train_label_tokens[i].unsqueeze(1)

        pred_labels = model(tokens)
        optimizer.zero_grad()
        loss = loss_function(pred_labels.squeeze(0), true_labels.squeeze(1))
        loss.backward()
        optimizer.step()

    model.eval()
    print(evaluate_model(val_tokens, val_label_tokens, model))

# Ewaluacja na zbiorze walidacyjnym i deweloperskim
evaluate_model(val_tokens, val_label_tokens, model)
evaluate_model(dev_tokens, dev_label_tokens, model)

# Generowanie predykcji dla zbiorów testowych
dev_predictions = predict_labels(dev_tokens, model, label_map)
dev_predictions_df = pd.DataFrame(dev_predictions, columns=["Category"])
dev_predictions_df.to_csv("dev-0/out.tsv", index=False, header=False)

test_predictions = predict_labels(test_tokens, model, label_map)
test_predictions_df = pd.DataFrame(test_predictions, columns=["Category"])
test_predictions_df.to_csv("test-A/out.tsv", index=False, header=False)
['<unk>', '<pad>', '<bos>', '<eos>', 'SOCCER', '-', 'POLISH', 'FIRST', 'DIVISION', 'RESULTS', '.', '</S>', 'WARSAW', '1996-08-24', 'Results', 'of', 'Polish', 'first', 'division', 'soccer', 'matches', 'on', 'Saturday', ':', 'Amica', 'Wronki', '3', 'Hutnik', 'Krakow', '0', 'Sokol', 'Tychy', '5', 'Lech', 'Poznan', 'Rakow', 'Czestochowa', '1', 'Stomil', 'Olsztyn', '4', 'Wisla', 'Gornik', 'Zabrze', 'Slask', 'Wroclaw', 'Odra', 'Wodzislaw', 'GKS', 'Katowice', 'Polonia', 'Warsaw', 'Zaglebie', 'Lubin', '2', 'LKS', 'Lodz', 'Legia', 'Belchatow', 'CRICKET', 'POLLOCK', 'CONCLUDES', 'WARWICKSHIRE', 'CAREER', 'WITH', 'FLOURISH', 'LONDON', '1996-08-25', 'South', 'African', 'fast', 'bowler', 'Shaun', 'Pollock', 'concluded', 'his', 'Warwickshire', 'career', 'with', 'a', 'flourish', 'Sunday', 'by', 'taking', 'the', 'final', 'three', 'wickets', 'during', 'county', "'s", 'league', 'victory', 'over', 'Worcestershire', ',', 'who', 'returns', 'home', 'Tuesday', 'for', 'an', 'ankle', 'operation', 'took', 'last', 'in', 'nine', 'balls', 'as', 'were', 'dismissed', '154', 'After', 'hour', 'interruption', 'rain', 'then', 'reached', 'adjusted', 'target', '109', '13', 'to', 'spare', 'and', 'record', 'their', 'fifth', 'win', 'six', 'games', 'are', 'currently', 'fourth', 'position', 'behind', 'Yorkshire', 'Nottinghamshire', 'Surrey', 'captain', 'David', 'Byas', 'completed', 'third', 'century', 'side', 'swept', 'clear', 'at', 'top', 'table', 'reaching', 'best', '111', 'not', 'out', 'against', 'Lancashire', 'total', '205', 'eight', 'from', '40', 'overs', 'looked', 'reasonable', 'before', 'put', 'attack', 'sword', 'collecting', 'runs', 'just', '100', 'sixes', 'fours', 'eventually', 'only', 'four', 'down', '7.5', 'CYCLING', 'BALLANGER', 'KEEPS', 'SPRINT', 'TITLE', 'IN', 'STYLE', 'Martin', 'Ayres', 'MANCHESTER', 'England', '1996-08-30', 'Felicia', 'Ballanger', 'France', 'confirmed', 'her', 'status', 'world', 'number', 'one', 'woman', 'sprinter', 'when', 'she', 'retained', 'title', 'cycling', 'championships', 'Friday', 'beat', 'Germany', 'Annett', 'Neumann', '2-0', 'best-of-three', 'add', 'Olympic', 'gold', 'medal', 'won', 'July', 'also', 'place', 'sprint', 'Magali', 'Faure', 'defeating', 'ex-world', 'champion', 'Tanya', 'Dubnicoff', 'Canada', '25', 'will', 'be', 'aiming', 'complete', 'track', 'double', 'defends', '500', 'metres', 'time', 'trial', 'The', 'other', 'night', 'women', '24-kms', 'points', 'race', 'ended', 'success', 'reigning', 'Russia', 'Svetlana', 'Samokhalova', 'fought', 'off', 'spirited', 'challenge', 'American', 'Jane', 'Quigley', 'take', 'second', 'year', 'nation', 'have', 'two', 'riders', 'field', 'made', 'full', 'use', 'numerical', 'superiority', 'Goulnara', 'Fatkoullina', 'helped', 'build', 'unbeatable', 'lead', 'snatching', 'bronze', 'former', 'medallist', 'event', 'led', 'half', 'distance', '"', 'I', 'went', 'so', 'close', 'this', 'but', 'having', 'certainly', 'gave', 'Russians', 'advantage', 'said', 'lapped', 'which', 'left', 'Ingrid', 'Haringa', 'Netherlands', 'seventh', 'despite', 'highest', 'score', 'Nathalie', 'Lancien', 'missed', 'winning', 'finished', 'disappointing', '10th', 'RUGBY', 'LEAGUE', 'Australian', 'rugby', 'standings', 'SYDNEY', '1996-08-26', 'premiership', 'after', 'played', 'weekend', '(', 'tabulate', 'under', 'drawn', 'lost', ')', 'Manly', '21', '17', '501', '181', '34', 'Brisbane', '16', '569', '257', '32', 'North', 'Sydney', '14', '560', '317', '30', 'City', '20', '487', '293', '29', 'Cronulla', '12', '6', '359', '258', '26', 'Canberra', '8', '502', '374', 'St', 'George', '421', '344', 'Newcastle', '11', '9', '416', '366', '23', 'Western', 'Suburbs', '382', '426', 'Auckland', '10', '406', '389', '22', 'Tigers', '309', '435', 'Parramatta', '388', '391', 'Bulldogs', '325', '356', 'Illawarra', '395', '432', 'Reds', '297', '398', 'Penrith', '339', '448', 'Queensland', '15', '266', '593', 'Gold', 'Coast', '351', '483', '304', '586', '210', '460', '--', 'Newsroom', '61-2', '9373-1800', 'TENNIS', 'AT', 'HAMLET', 'CUP', 'COMMACK', 'New', 'York', 'Hamlet', 'Cup', 'tennis', 'tournament', 'prefix', 'denotes', 'seedings', 'Finals', 'singles', 'Andrei', 'Medvedev', 'Ukraine', 'Damm', 'Czech', 'Republic', '7-5', '6-3', 'doubles', 'Luke', 'Jensen', 'Murphy', 'U.S.', 'Alexander', 'Volkov', 'Handrik', 'Dreekmann', '7-6', 'Bonn', 'says', 'Moscow', 'has', 'promised', 'observe', 'ceasefire', 'BONN', '1996-08-22', 'Thursday', 'it', 'had', 'received', 'assurances', 'Russian', 'government', 'that', 'its', 'forces', 'would', 'latest', 'Chechnya', 'Foreign', 'Ministry', 'spokesman', 'Erdmann', 'diplomat', 'Wolfgang', 'Ischinger', 'been', 'assured', 'senior', 'officials', 'ultimatum', 'storm', 'Chechen', 'capital', 'Grozny', 'was', 'valid', 'is', 'they', 'keep', 'told', 'Reuters', 'speaking', 'telephone', 'met', 'two-day', 'visit', 'He', 'returned', 'political', 'director', 'foreign', 'ministry', 'he', 'deputy', 'ministers', 'vice', 'defence', 'minister', 'Minister', 'Yevgeny', 'Primakov', 'pledge', 'seek', 'solution', 'aegis', 'Organisation', 'Security', 'Cooperation', 'Europe', 'OSCE', 'no', 'longer', 'issue', 'quoting', 'sent', 'German', 'Klaus', 'Kinkel', 'personal', 'envoy', 'urge', 'end', 'military', 'campaign', 'breakaway', 'region', 'threat', 'major', 'assault', 'unauthorised', 'initiative', 'commanding', 'general', 'intention', 'positive', 'about', 'request', 'Wednesday', 'President', 'Boris', 'Yeltsin', 'security', 'chief', 'Lebed', 'should', 'return', 'meet', 'Tim', 'Goldiman', 'representative', 'responsible', 'GERMAN', '/', 'STANDINGS', '1996-08-28', 'Karlsruhe', 'Pauli', 'Bayern', 'Munich', 'Bayer', 'Leverkusen', 'Cologne', 'Hansa', 'Rostock', 'Fortuna', 'Duesseldorf', '1860', 'Arminia', 'Bielefeld', 'Duisburg', 'Standings', 'tabulated', 'goals', 'VfB', 'Stuttgart', 'Borussia', 'Dortmund', '7', 'VfL', 'Bochum', 'SV', 'Hamburg', 'Werder', 'Bremen', 'Schalke', '04', 'Freiburg', 'Moenchengladbach', 'Harleysville', 'Group', 'ups', 'qrtly', 'dividenD', 'HARLEYSVILLE', 'Pa', 'Quarterly', 'Latest', 'Prior', 'Amount', '$', '0.21', '0.19', 'Pay', 'Sept', 'Record', 'AUSTRALIAN', 'Played', '38', '46', '42', '24', 'Premiership', 'CROFT', 'RESTRICTS', 'PAKISTAN', 'TO', '225-5', '1996-08-29', 'Tight', 'bowling', 'Glamorgan', 'off-spinner', 'Robert', 'Croft', 'restrict', 'Pakistan', '225', 'five', '50', 'one-day', 'international', 'Old', 'Trafford', 'few', 'Englishmen', 'make', 'good', 'impression', 'test', 'debut', 'Oval', 'week', 'showed', 'great', 'control', 'dried', 'up', 'early', 'flow', 'collected', 'Aamir', 'Sohail', 'Wasim', 'Akram', 'spell', '10-1-36-2', 'There', 'wicket', 'each', 'Ronnie', 'Irani', 'Allan', 'Mullally', 'Darren', 'Gough', 'although', 'there', 'joy', 'Dean', 'Headley', 'along', 'batsman', 'Graham', 'Lloyd', 'making', 'toss', 'chosen', 'bat', 'Pakistani', 'excellent', 'start', 'Saeed', 'Anwar', 'continued', 'form', 'opening', 'partnership', '82', 'struck', 'superb', '176', 'more', 'aggressive', '57', '75', 'skying', 'catch', 'long-on', 'Ijaz', 'Ahmed', 'added', '59', 'back', '19', 'space', 'First', '48', 'bowled', 'stepped', 'try', 'hit', 'through', 'off-side', 'promoted', 'himself', 'order', 'followed', 'drifted', 'another', 'well-flighted', 'delivery', 'legs', 'Shortly', 'pavilion', 'repaid', 'later', 'Moin', 'Khan', 'inswinging', 'yorker', 'Inzamam-ul-Haq', '37', 'Salim', 'Malik', 'ran', 'Nationalists', 'want', 'Iliescu', 'ousted', 'Hungary', 'pact', 'BUCHAREST', '1996-08-27', 'Junior', 'Nationalist', 'members', 'Romania', 'ruling', 'coalition', 'called', 'impeachment', 'Ion', 'backing', 'friendship', 'treaty', 'neighbouring', 'Party', 'Social', 'Democracy', 'partner', 'immediately', 'National', 'Unity', 'PUNR', 'demand', 'crude', 'electioneering', 'It', 'desperate', 'move', 'losing', 'reason', 'existing', 'ahead', 'electoral', 'PDSR', 'executive', 'president', 'Adrian', 'Nastase', 'This', 'both', 'necessary', 'adding', 'stance', 'threatening', 'agreed', 'unexpectedly', 'weeks', 'ago', 'years', 'disputes', 'large', 'ethnic', 'Hungarian', 'minority', 'boost', 'countries', "'", 'chances', 'admission', 'NATO', 'European', 'Union', 'If', 'vexed', 'could', 'leave', '...', 'We', 'might', 'help', 'them', 'do', 'if', 'go', 'like', 'holds', 'key', 'ministries', 'justice', 'transport', 'agriculture', 'communications', 'leader', 'Gheorghe', 'Funar', 'statement', 'power', 'since', 'fall', 'communism', '1989', 'impeached', 'treason', 'compromising', 'rights', 'due', 'signed', 'next', 'month', 'call', 'came', 'eve', 'official', 'launch', 'new', 'term', 'November', 'polls', 'His', 'appeal', 'opposition', 'attempt', 'oust', 'unlikely', 'succeed', 'analysts', 'invited', 'leaders', 'meeting', 'discuss', 'Romanian', 'nationalists', 'oppose', 'different', 'reasons', 'Presidential', 'available', 'comment', 'AUSTRIA', 'BEAT', 'SCOTLAND', '4-0', 'EUROPEAN', 'UNDER-21', 'MATCH', 'AMSTETTEN', 'Austria', 'Scotland', 'halftime', '3-0', 'under-21', 'championship', 'match', 'Scorers', 'Ewald', 'Brenner', '5th', 'minute', 'Mario', 'Stieglmair', '42nd', 'Ronald', 'Brunmayr', '43rd', '56th', 'Attendance', '800', 'Slough', 'Estates', 'helps', 'lift', 'property', 'sector', 'A', 'strong', 'set', 'interim', 'results', 'upbeat', 'outlook', 'Plc', 'Shares', 'earlier', 'announced', 'percent', 'rise', 'first-half', 'pretax', 'profit', '37.4', 'million', 'stg', 'climbed', 'nearly', 'or', '14p', '250', 'pence', '1009', 'GMT', 'while', 'British', 'Land', '12-1', '2p', '468p', 'Securities', 'rose', '5-1', '691p', 'Hammerson', '8p', 'higher', '390', 'Traders', 'investment', 'banks', 'Merrill', 'Lynch', 'SBC', 'Warburg', 'fueled', 'gains', 'One', 'dealer', 'stances', 'factors', 'bank', 'preparing', 'note', 'very', 'On', 'technical', 'basis', 'our', 'most', 'favoured', 'issued', 'update', 'saying', 'predictions', 'being', 'realised', 'In', 'market', 'case', 'far', 'member', 'team', 'maintaining', 'forecast', 'growth', 'rental', 'incomes', '1996', 'shaved', 'recommendation', 'shares', 'because', 'chairman', 'Sir', 'Nigel', 'Mobbs', 'bullish', 'mood', 'prospect', 'period', 'steady', 'economic', 'low', 'inflation', 'believe', 'continue', 'improvement', 'Jonathan', 'Birt', 'London', '+44', '171', '542', '7717', 'UNION', 'CARLING', 'LEFT', 'OUT', 'OF', 'ENGLAND', 'TRAINING', 'SQUAD', 'Former', 'Will', 'Carling', 'Jeremy', 'Guscott', 'Rory', 'Underwood', 'Richards', 'training', 'squad', 'season', 'quartet', 'possess', '244', 'caps', 'between', 'omitted', 'summer', 'camp', 'still', 'contention', 'northern', 'starts', 'Their', 'qualities', 'well', 'known', 'selectors', 'course', 'considered', 'gets', 'underway', 'Rugby', 'Football', 'troops', 'remain', 'Bosnia', '1997--Ruehe', 'Defence', 'Volker', 'Ruehe', 'stay', 'part', 'force', 'ensure', 'establishment', 'peace', 'newspaper', 'reported', 'current', 'NATO-led', 'IFOR', 'But', 'Bild', 'am', 'Sonntag', 'interview', 'mandate', 'expires', 'December', 'Bosnian', 'elections', 'September', 'reduced', 'beginning', 'October', '60,000', '20,000', 'completely', 'begin', 'negotiations', 'excerpts', 'released', 'publication', 'we', 'must', 'avoid', 'giving', 'deployment', 'Yugoslavia', 'perceived', 'long', 'run', 'occupation', 'hand', 'prevent', 'any', 'war', 'massacres', 'POLICE', 'COMMANDOS', 'ON', 'HAND', 'FOR', 'AUSTRALIANS', 'COLOMBO', 'Armed', 'police', 'commandos', 'patrolled', 'ground', 'Australia', 'opened', 'short', 'tour', 'Sri', 'Lanka', 'five-run', 'country', 'youth', 'limited', 'includes', 'India', 'Zimbabwe', 'presence', 'sniffer', 'dogs', 'plainclothes', 'policemen', 'trouble-free', 'They', 'island', 'boycotting', 'World', 'fixture', 'February', 'fears', 'violence', 'batting', 'warm-up', 'scored', '251', 'seven', 'Ricky', 'Ponting', 'way', '119', 'retiring', 'replied', '246', 'coach', 'Geoff', 'Marsh', 'impressed', 'competitiveness', 'sweat', 'V', 'FINAL', 'TEST', 'SCOREBOARD', 'Scoreboard', 'day', 'Monday', 'innings', '326', 'J.', 'Crawley', '106', 'G.', 'Thorpe', '54', ';', 'Waqar', 'Younis', '4-95', '521-8', 'declared', '61', 'overnight', '74-0', 'M.', 'Atherton', 'c', 'b', 'Mushtaq', '43', 'A.', 'Stewart', 'Asif', 'Mujtaba', 'N.', 'Hussain', 'lbw', '51', 'Knight', 'C.', 'Lewis', 'D.', 'Cork', 'R.', 'I.', 'Salisbury', 'Extras', 'b-6', 'lb-2', 'w-1', 'nb-13', 'Total', '242', 'Fall', '1-96', '2-136', '3-166', '4-179', '5-187', '6-205', '7-220', '8-238', '9-242', 'Bowling', '15.4-1-67-3', '18-3-55-1', '37-10-78-6', '2-1-4-0', 'Mohammad', '10-3-30-0', 'nb-5', '1-7', '3-0-15-0', '3-0-24-1', '0.4-0-9-0', 'Result', 'Lord', '164', 'Second', 'Headingley', 'Drawn', 'series', 'Internet', 'Startup', 'funded', 'develop', 'Java', 'software', 'MOUNTAIN', 'VIEW', 'Calif.', 'small', 'engineers', 'Sun', 'Microsystems', 'Inc.', 'JavaSoft', 'unit', 'formed', 'company', 'dubbed', 'infrastructure', 'fledgling', 'established', 'ground-floor', 'office', 'here', 'venture', 'financing', 'Bessemer', 'Venture', 'Partners', 'Menlo', 'Park', 'Calif', '..', 'Cowan', 'founder', 'acting', 'startup', 'Jim', 'Bidzos', 'RSA', 'Data', 'Dynamics', 'Technologies', 'VeriSign', 'doors', 'dozen', 'initial', 'employees', 'combines', 'experience', 'Apple', 'Computer', 'Oracle', 'Systems', 'portends', 'dramatic', 'changes', 'Hong', 'Bui', 'engineering', 'serving', 'engineer', 'computer', 'programming', 'language', 'introduced', 'mid-1995', 'captured', 'attention', 'industry', 'ability', 'operate', 'across', 'virtually', 'all', 'system', 'relatively', 'secure', 'manner', 'Just', 'Silicon', 'Valley', 'giant', 'Kleiner', 'Perkins', 'Caufield', '&', 'Byers', 'fund', 'managed', 'startups', 'developing', 'technologies', 'licensed', 'organisations', 'ranging', 'Microsoft', 'Corp.', 'International', 'Business', 'Machines', 'Taiwan', 'Prasad', 'Wagle', 'among', 'founding', 'aims', 'using', 'networked', 'applications', 'ubiquitious', 'feature', 'programmes', 'applets', 'can', 'downloaded', 'server', 'computers', 'centre', 'networks', 'onto', 'individual', 'model', 'users', 'always', 'gain', 'access', 'need', 'store', 'than', 'saving', 'costs', 'memory', 'storage', 'Chris', 'Zuleeg', 'veteran', 'marketing', 'manager', 'whose', 'Web', 'site', 'www.internetstartup.com', 'numerous', 'pioneers', 'including', 'PSI', 'Net', 'Individual', 'BY', 'NINE', 'WICKETS', 'THIRD', 'Scores', '48-1', 'Jordanian', 'PM', 'Kabariti', 'leaves', 'West', 'Bank', 'AMMAN', 'Prime', 'Abdul-Karim', 'al-Kabariti', 'Amman', 'town', 'Ramallah', 'hold', 'talks', 'Palestinian', 'Yasser', 'Arafat', 'stalled', 'Middle', 'East', 'process', 'state', 'news', 'agency', 'Petra', 'discussions', 'developments', 'bilateral', 'cooperation', 'trip', 'outside', 'Jordan', 'shaken', 'food', 'riots', 'BELGIAN', 'BRUSSELS', 'Belgian', 'Standard', 'Liege', 'Molenbeek', 'Anderlecht', 'Lokeren', 'Cercle', 'Brugge', 'Mouscron', 'Antwerp', 'Lommel', 'Ghent', 'Aalst', 'Lierse', 'Charleroi', 'Sint', 'Truiden', 'Ekeren', 'Export', 'Grain', 'oilseeds', 'complex', 'CHICAGO', 'oilseed', 'exports', 'USDA', 'private', 'export', 'sources', 'WHEAT', 'SALES', 'Flour', 'Mills', 'Assn', 'bought', '98,000', 'tonnes', 'No.1', 'No.2', 'wheat', 'Cargill', 'Mitsui', 'Continental', 'Louis', 'Dreyfus', 'Corp', 'shipment', 'Pacific', 'Northwest', 'For', '10-30', '16,300', 'dark', 'spring', 'DNS', '212.00', '7,000', 'hard', 'red', 'winter', 'HRW', '205.10', '2,700', 'western', 'white', 'WW', '202.65', 'Oct', '19,500', '212.25', '10,000', '204.74', '4,500', '199.71', '23,500', '9,600', '4,900', '199.56', 'Commodity', 'Credit', '18,278', 'Inc', '195.79', 'per', 'tonne', 'FOB', 'donation', 'Nicaragua', 'Shipment', 'Nov', 'Dec', 'BARLEY', 'SALE', 'Japanese', 'Food', 'Agency', 'Canadian', 'standard', 'feed', 'barley', 'weekly', 'tender', 'SOYBEAN', 'Taichung', 'Breakfast', 'Soybean', 'Procurement', '108,000', 'soybeans', 'Bunge', 'sold', 'traders', '11-25', 'Gulf', 'PNW', 'paid', '0.8584', 'bushel', 'CBOT', 'January', '6-20', 'Jan', '.8787', '31,412', 'PL-480', 'yellow', '303.19', 'agents', 'buyer', '15-30', 'TENDER', 'Cyprus', 'Commission', 'offers', 'supply', '25,000', 'America', 'MARKET', 'TALK', 'plans', 'import', '400,000', 'rice', 'crop', 'shortfall', 'caused', 'drought', 'rising', 'net', 'change', 'commitments', 'August', 'old', '595,400', 'nil', 'corn', '1,900', '319,600', '12,300', '300,800', 'upland', 'cotton', '50,400', 'bales', 'soymeal', '54,800', '100,600', 'soyoil', '75,000', '1,700', 'sorghum', '6,200', '156,700', 'pima', '4,000', '49,900', 'agricultural', 'fiscal', '1997', 'decline', '58', 'billion', '60', 'seen', 'Oilseed', 'expected', 'livestock', 'poultry', 'fruits', 'vegetables', 'gaining', 'pegged', '25.0', 'versus', '32.0', 'prior', 'increase', '300,000', 'quota', 'intervention', 'ONIC', 'EU', 'grain', 'panel', 'tranches', '150,000', 'allocation', 'Chicago', 'newsdesk', '312-408-8720--', 'Measles', 'exposure', 'bowel', 'disease', 'study', '1996-08-23', 'Women', 'get', 'measles', 'pregnant', 'may', 'babies', 'risk', 'Crohn', 'debilitating', 'disorder', 'researchers', 'Three', 'Swedish', 'born', 'mothers', 'caught', 'developed', 'serious', 'cases', 'Dr', 'Andrew', 'Wakefield', 'Royal', 'Free', 'Hospital', 'School', 'Medicine', 'colleagues', 'screened', 'delivered', 'University', 'Uppsala', '1940', '1949', 'Four', 'children', 'group', 'wrote', 'Lancet', 'medical', 'journal', 'inflammation', 'sometimes', 'require', 'surgery', 'causes', 'diarrhoea', 'abdominal', 'pain', 'weight', 'loss', 'involved', 'especially', 'severe', 'Exposure', 'viruses', 'often', 'cause', 'birth', 'defects', 'Most', 'notably', 'rubella', 'high', 'stillborn', 'baby', 'CHAMPIONS', 'PORTO', 'KICK', 'OFF', 'SEASON', 'DRAW', 'LISBON', 'Portuguese', 'champions', 'Porto', 'kicked', '2-2', 'draw', 'Setubal', 'lucky', 'squeeze', 'equaliser', 'extra', 'fighting', 'consecutive', 'until', '86th', 'header', 'Jardel', 'found', 'string', 'opportunities', 'penalty', 'taken', 'scorer', 'Domingos', 'Oliveira', '60th', 'redeemed', 'netting', 'into', 'skilful', 'counter-attack', 'throughout', 'game', 'scoring', 'minutes', 'unmarked', 'Chiquinho', 'Conde', 'shot', 'around', 'keeper', 'Andrejez', 'Wozniak', '70th', 'Benfica', 'playing', 'held', '1-1', 'Braga', 'fact', 'visitors', 'men', '54th', 'Rodrigo', 'Carneiro', 'bookable', 'offence', 'dominated', 'lack', 'first-class', 'striker', 'apparent', '30th', 'Brazilian', 'midfielder', 'Valdo', 'suffered', 'light', 'knee', 'injury', 'substituted', 'Paulao', 'finally', '81st', 'Helder', 'Luis', 'Baltasar', 'tripped', 'Joao', 'Pinto', 'referee', 'nose', 'defender', 'Idalecio', 'whistle', 'Passengers', 'rescued', 'blazing', 'ferry', 'More', 'people', 'safely', 'evacuated', 'fire', 'soon', 'leaving', 'Guernsey', 'Britain', 'Channel', 'Islands', 'Police', 'passengers', 'crew', 'board', 'Trident', 'Seven', 'owned', 'Emeraud', 'line', 'variety', 'commercial', 'boats', 'broke', 'engine', 'room', 'port', 'An', '88-year-old', 'hospital', 'leg', 'injuries', 'according', 'towed', 'bound', 'Jersey', 'cluster', 'British-ruled', 'islands', 'north-west', 'Puerto', 'Rico', 'girl', 'hairy', 'face', 'PHILADELPHIA', 'two-year', 'Rican', 'began', 'surgical', 'treatment', 'rare', 'condition', 'covered', 'dark-brown', 'patch', 'skin', 'Abyss', 'DeJesus', 'suffers', 'nevus', 'right', 'times', 'journals', 'St.', 'Christopher', 'Children', 'addition', 'social', 'ostracism', 'carries', 'cancer', 'corrected', 'gradually', 'expanding', 'healthy', 'balloon', 'transplanting', 'afflicted', 'She', 'doing', 'spokeswoman', 'Carol', 'Norris', 'placing', 'balloons', 'forehead', 'shoulders', 'neck', 'partially', 'filling', 'saline', 'inserted', 'treatments', 'accompanied', 'Philadelphia', 'parents', 'correct', 'chest', 'anti-nuclear', 'activists', 'pantomime', 'protest', 'About', '200', 'protested', 'nuclear', 'waste', 'transportation', 're-enacting', 'scenes', 'demonstration', 'staged', 'May', 'turned', 'violent', 'clash', 'Activists', 'dressed', 'brandished', 'batons', 'firing', 'theatre-prop', 'water', 'cannon', 'demonstrators', 'quarter', 'fearing', 'amusement', 'Last', 'dozens', 'injured', 'clashes', 'Gorleben', 'depot', 'hundreds', 'protesters', 'tried', 'block', 'train', 'truck', 'PRESS', 'DIGEST', 'ANGOLA', 'AUG', '28', 'LUANDA', 'These', 'leading', 'stories', 'Angolan', 'press', 'verified', 'these', 'does', 'vouch', 'accuracy', 'JORNAL', 'DE', 'Princeton', 'Lyman', 'Under-Secretary', 'State', 'Organisations', 'work', 'Angola', 'visiting', 'Bailundo', 'where', 'Jonas', 'Savimbi', 'Unita', 'participated', 'joint-commission', 'politicians', 'advance', 'faster', 'find', 'cooperate', 'opinion', 'quartering', 'territory', 'selected', 'integrated', 'armed', 'concentrated', 'principal', 'units', 'free', 'circulation', 'goods', 'reality', 'RUSSIA', 'AND', 'BRAZIL', 'FRIENDLY', 'MOSCOW', 'Brazil', 'drew', '1-0', 'friendly', 'Yuri', 'Nikiforov', '18th', 'Vladislav', 'Rodimov', '80th', 'Donizetti', '47th', 'Ronaldo', '85th', 'Attendence', 'premier', 'Turkey', 'ANKARA', 'Hasan', 'Muratovic', 'arrived', 'Ankara', 'aid', 'Yugoslav', 'republic', 'Turkish', 'counterpart', 'Necmettin', 'Erbakan', 'discussing', 'postponed', 'Bosnians', 'begun', 'vote', 'Suleyman', 'Demirel', 'Tansu', 'Ciller', 'businessman', 'charge', 'municipal', 'irregularities', 'Serbs', 'registering', 'voters', 'date', 'yet', 'watching', 'closely', 'step', 'normalisation', 'ENGLISH', 'PREMIER', 'SUMMARY', 'Summary', 'English', 'Manchester', 'United', 'Cruyff', '39th', 'Solskjaer', 'Blackburn', 'Warhurst', '34th', 'Bohinen', '51st', 'Halftime', '54,178', 'GOLF', 'OPEN', 'SECOND', 'ROUND', 'SCORES', 'STUTTGART', 'Leading', 'round', 'scores', 'Open', 'golf', 'unless', 'stated', '128', 'Ian', 'Woosnam', '64', '129', 'Karlsson', 'Sweden', '67', '62', '130', 'Fernando', 'Roca', 'Spain', '66', 'Pyman', '131', 'Carl', 'Suneson', '65', 'Stephen', 'Field', '132', 'Miguel', 'Angel', 'Raymond', 'Russell', '63', '69', 'Thomas', 'Gogele', 'Paul', 'Broadhurst', '70', 'Diego', 'Borrego', '133', 'Willison', 'Ames', 'Trinidad', 'Tobago', '68', 'Eamonn', 'Darcy', 'Ireland', '134', 'Coles', 'Williams', 'Bjorn', 'Denmark', 'Pedro', 'Linhart', 'Michael', 'Jonzon', 'Roger', 'Chapman', '72', 'Lomas', 'Francisco', 'Cea', '135', 'Terry', 'Price', 'Eales', 'Wayne', 'Riley', '71', 'Mason', 'Barry', 'Lane', 'Bernhard', 'Langer', 'Gary', 'Orr', 'Mats', 'Lanner', 'Jeff', 'Hawksworth', 'Des', 'Smyth', 'Carter', 'Steve', 'Webster', 'Jose', 'Maria', 'Canizares', 'Lawrie', 'MOTORCYCLING', 'SAN', 'MARINO', 'GRAND', 'PRIX', 'PRACTICE', 'TIMES', 'IMOLA', 'Italy', 'Practice', 'San', 'Marino', '500cc', 'motorcycling', 'Grand', 'Prix', '1.', 'Doohan', 'Honda', '50.250', '2.', 'Jean-Michel', 'Bayle', 'Yamaha', '1:50.727', '3.', 'Norifumi', 'Abe', 'Japan', '1:50.858', '4.', 'Luca', 'Cadalora', '1:51.006', '5.', 'Alex', 'Criville', '1:51.075', '6.', 'Scott', 'States', 'Suzuki', '1:51.287', '7.', 'Tadayuki', 'Okada', '1:51.528', '8.', 'Carlos', 'Checa', '1:51.588', '9.', 'Alexandre', 'Barros', '1:51.784', '10.', 'Shinichi', 'Itoh', '1:51.857', 'FEATURE', 'Rich', 'detail', 'Civil', 'War', 'unearthed', 'Leila', 'Corcoran', 'WASHINGTON', 'freed', 'black', 'man', 'writes', 'still-enslaved', 'wife', 'mother', 'pleads', 'Abraham', 'Lincoln', 'behalf', 'son', 'maimed', 'soldier', 'poses', 'photograph', 'newly', 'reopened', 'records', 'bring', 'life', 'Working', 'basement', 'Archives', 'Conservation', 'Corps', 'organising', 'volunteers', 'preserved', 'microfilm', 'faded', 'documents', 'stowed', 'away', '1935', 'rarely', 'Each', 'file', 'mine', 'information', 'enlistment', 'papers', 'muster', 'rolls', 'discharge', 'certificates', 'letters', 'photographs', 'Since', 'project', 'almost', 'corps', 'focused', 'unveiling', 'Washington', 'special', 'memorial', 'soldiers', '185,000', '37,000', 'died', 'letter', 'heading', 'though', 'present', 'national', 'difficulties', 'look', 'forward', 'brighter', 'shall', 'oportunity', 'seeing', 'you', 'enjoyment', 'freedom', 'sic', 'slavery', 'crushed', 'now', 'oppreses', 'months', 'your', 'liberty', 'Great', 'outpouring', 'coloured', 'rallying', 'heart', 'lions', 'curse', 'separated', 'me', 'dated', '1865', 'well-to-do', 'matron', 'plead', 'faced', 'dishonourable', 'Army', 'James', 'prisoner', 'thoughtless', 'act', 'folly', 'those', 'done', 'nothing', 'notation', 'read', 'colonel', 'say', 'writing', 'sheet', 'willing', 'receive', 'regiment', 'pardon', 'send', 'him', 'subsequently', 'pardoned', 'While', 'speak', 'anguish', 'separation', 'amputee', 'speaks', 'terrible', 'physical', 'cost', 'picture', 'required', 'Pvt', 'haunted', 'eyes', 'posed', 'bare-chested', 'reveal', 'missing', 'arm', 'blown', 'battle', 'Petersburg', 'Virginia', '1864', 'provided', 'insight', 'rhythms', 'plantation', 'talk', 'culture', 'John', 'Simon', 'professor', 'history', 'Southern', 'Illinois', 'Carbondale', 'editor', 'Gen', 'Ulysses', 'Grant', 'writings', 'poetic', 'linguistic', 'treasure', 'trove', 'generation', 'Americans', 'really', 'express', 'itself', 'without', 'fear', 'punishment', 'think', 'probably', 'whole', 'lot', 'material', 'expand', 'understanding', 'sociology', 'Edward', 'Smith', 'Studies', 'raged', 'claimed', 'lives', 'forever', 'seared', 'consciousness', 'already', 'grant', 'Daughters', 'Confederacy', 'mostly', 'retirees', 'joined', 'students', 'school', 'Director', 'Budge', 'Weidman', 'shepherded', 'predicts', 'decade', 'inspired', 'Service', 'plan', 'databases', 'battlefields', 'research', 'ancestors', 'provide', 'thinking', 'discharged', 'mental', 'incapacity', 'inebetude', 'brain', 'alleged', 'Patient', 'connected', 'head', 'believed', 'arise', 'excessive', 'masturbation', 'attempts', 'disrupt', 'Kashmir', 'SRINAGAR', 'Home', 'interior', 'accused', 'planning', 'troubled', 'Jammu', 'seems', 'border', 'going', 'planned', 'Inderjit', 'Gupta', 'reporters', 'Srinagar', 'local', '1987', 'clamped', 'direct', 'rule', 'Delhi', '1990', 'abetting', 'militancy', 'valley', 'Islamabad', 'denied', 'infiltrating', 'create', 'disturbance', 'noticed', 'come', 'growing', 'mercenaries', 'wars', 'independence', '1947', 'H.D.', 'Deve', 'Gowda', 'centre-left', 'hopes', 'restore', 'normality', 'democratic', 'insurgency-related', 'Over', 'militant', 'groups', 'cool', 'changing', 'beef', 'cull', 'scientific', 'reports', 'mad', 'cow', 'epidemic', 'die', '2001', 'offered', 'little', 'findings', 'slaughter', 'Obviously', 'interested', 'ask', 'veterinary', 'committee', 'examine', 'Gerard', 'Kiely', 'dynamics', 'bovine', 'spongiform', 'encephalopathy', 'BSE', 'fatal', 'brain-wasting', 'cattle', 'alter', 'partners', 'following', 'detailed', 'analysis', 'methodology', 'maximum', 'possible', 'difficult', 'sell', 'programme', 'involve', 'elimination', 'fewer', 'approach', 'wo', "n't", 'animals', 'slaughtered', 'avoided', 'question', 'numbers', 'protection', 'consumers', 'health', 'rapid', 'eradication', 'reaction', 'likely', 'disappoint', 'farmers', 'seized', 'Oxford', 'scientists', 'Nature', 'rid', 'killing', 'vast', 'predicted', '340', 'infections', '14,000', 'urgent', 'report', 'hope', 'better', 'dealing', 'Farmers', 'Naish', 'BBC', 'radio', 'carry', 'some', '147,000', 'reluctantly', 'placate', 'evidence', 'means', 'proposal', 're-examined', 'considerably', 'less', 'culled', 'accepted', 'reopen', 'damaging', 'row', 'slapped', 'worldwide', 'ban', 'link', 'human', 'flared', 'March', 'admitted', 'become', 'infected', 'Creutzfeldt-Jakob', 'Disease', 'CJD', 'eating', 'BSE-infected', 'ambassador', 'arrives', 'Saudi', 'Arabia', 'DUBAI', 'Wyche', 'Fowler', 'kingdom', 'post', 'embassy', 'Riyadh', 'lawyer', 'senator', 'late', 'Bill', 'Clinton', 'invoked', 'powers', 'appoint', 'congressional', 'recess', 'Senate', 'delayed', 'confirming', 'nomination', 'predecessor', 'Mabus', 'Hurricane', 'veer', 'north', 'Caribbean', 'MIAMI', 'Edouard', 'grew', 'stronger', 'swirled', 'Atlantic', 'Ocean', 'forecasters', 'Center', 'swing', 'miss', 'getting', 'winds', '105', 'mph', '185', 'kph', 'hurricane', 'forecaster', 'Lixion', 'Avila', 'models', 'indicate', 'turn', 'west-northwest', 'At', 'a.m.', 'EDT', '1500', '1,130', 'miles', 'east', 'Lesser', 'Antilles', 'moving', 'west', 'Its', 'exact', 'latitude', '14.5', 'longitude', '44.2', '339-4', '35', 'st', 'b-4', 'lb-5', 'nb-16', '521', '1-106', '2-239', '3-334', '4-334', '5-365', '6-440', '7-502', '8-519', 'Did', 'Akam', '23-3-112-0', '37.1-7-97-3', '47-10-116-2', '23-5-71-1', '29-3-116-1', 'nb-8', '74', '7-0-35-0', '7-1-24-0', '7-2-11-0', 'FRENCH', 'PARIS', 'French', 'Auxerre', 'Marseille', 'SHARPE', 'HITS', 'WINNER', 'EASE', 'PRESSURE', 'LEEDS', 'Winger', 'Lee', 'Sharpe', 'strike', 'edge', 'area', 'give', 'Leeds', 'hapless', 'Wimbledon', 'anchored', 'bottom', 'huge', 'slice', '4.5', 'pound', '6.98', 'fee', 'handed', 'services', 'top-draw', 'second-half', 'goal', 'successive', 'defeat', 'Rush', 'Welsh', 'Liverpool', 'feeding', 'galloped', 'winger', 'cut', 'inside', 'unfavoured', 'foot', 'arc', 'right-hand', 'corner', 'brought', 'relief', 'under-fire', 'Howard', 'Wilkinson', 'poor', 'fans', 'frequently', 'booed', 'own', 'jeers', 'cheers', 'pullout', 'SHATOI', 'pull', 'southern', 'agreement', 'rebel', 'commander', 'Interior', 'General', 'Anatoly', 'Shkirko', 'Interfax', 'delaying', 'Chechens', 'disarmed', 'armoured', 'column', 'cameraman', 'Liutauras', 'Stremaitis', 'vehicles', 'tanks', 'personnel', 'carriers', 'artillery', 'cannons', 'lorries', 'escorted', 'rebels', 'pulled', 'village', 'Shatoi', 'towards', 'km', '31', 'suspending', 'weapons', 'Movladi', 'Udugov', 'maverick', 'element', 'brokered', '20-month', 'conflict', 'All', 'Blacks', 'relive', 'triumph', 'PRETORIA', 'Aug', 'Captain', 'Sean', 'Fitzpatrick', 'revisited', 'venue', 'today', 'magic', 'moments', 'yesterday', 'momentous', 'Africa', 'NZPA', 'Springboks', '33-26', 'Zealand', 'first-ever', 'stood', 'middle', 'empty', '50,000-seat', 'Loftus', 'Versfeld', 'Magnificent', 'capped', 'player', 'players', 'relived', 'moves', 'tries', 'tackles', 'what', 'emotions', 'Zinzan', 'Brooke', 'No', 'dropped', 'three-pointer', 'name', 'standing', 'spot', 'ball', 'kick', 'maul', 'thought', 'When', 'halfback', 'Justin', 'Marshall', 'got', 'openside', 'Jon', 'Preston', 'emptied', 'my', 'lung', 'punching', 'air', 'bucks', 'bar', 'decision', 'spontaneous', 'chance', 'Centre', 'Frank', 'Bunce', 'never', 'felt', 'exhausted', 'gutted', 'nowhere', 'hide', 'kept', 'coming', 'gone', 'choice', 'much', 'riding', 'amazing', 'how', 'big', 'Two-try', 'Wilson', 'tired', 'asking', 'defending', "'m", 'buggered', 'too', 'hang', 'recalled', '4000', 'Zealander', 'supporters', 'partying', 'hours', 'Messages', 'goodwill', 'roll', 'hotel', 'Hart', 'Bolger', 'rang', 'offer', 'congratulations', 'thanked', 'us', 'nice', 'understand', 'tremendous', 'support', 'Eau', 'Claire', 'Wisc', 'revs', 'W.', 'Baird', 'NEW', 'YORK', 'Co', 'waterworks', 'mortgage', 'revenue', 'bonds', 'Series', 'true', 'interest', '5.2893', 'Lamonts', 'Apparel', 'files', 'reorganization', '[', 'CORRECTED', '18:00', ']', 'KIRKLAND', 'Wash', 'operator', 'family', 'apparel', 'stores', 'northwestern', 'states', 'filed', 'bankruptcy', 'court', 'Seattle', 'Corrects', 'calls', 'secured', 'claims', 'Unsecured', 'bondholders', 'satisfied', 'issuing', 'common', 'stock', 'warrants', 'estimated', '90', 'Of', 'amount', '4.05', '5.67', 'allocated', 'trade', 'creditors', 'Between', '4.75', '3.13', 'unsecured', 'non-trade', '200,000', 'shareholders', 'exchange', 'Bondholders', '2.2', 'capitalization', 'reaches', 'entitling', 'roughly', '800,000', 'Management', 'options', 'purchase', 'outstanding', 'dilution', 'option', 'exercise', 'price', 'ALL', 'Score', 'RALLYING', 'LEADING', 'POSITIONS', '1,000', 'LAKES', 'RALLY', 'JYVASKLYA', 'Finland', 'positions', 'stages', 'Lakes', 'Rally', 'sixth', 'Tommi', 'Makinen', 'Mitsubishi', 'Lancer', 'Juha', 'Kankkunen', 'Toyota', 'Celica', 'seconds', 'Marcus', 'Gronholm', '2:09', 'Jarmo', 'Kytolehto', 'Ford', 'Escort', '2:23', 'Kenneth', 'Eriksson', 'Subaru', 'Impreza', '2:39', 'Sainz', '3:03', 'MOTOR', 'RACING', 'SCHUMACHER', 'WINS', 'SPA-FRANCOCHAMPS', 'Schumacher', 'driving', 'Ferrari', 'motor', 'Jacques', 'Villeneuve', 'Mika', 'Hakkinen', 'McLaren', 'Frenchman', 'Jean', 'Alesi', 'Benetton', 'Damon', 'Hill', 'Gerhard', 'Berger', 'drivers', 'rounds', '81', '39', 'Coulthard', '18', 'Olivier', 'Panis', 'Rubens', 'Barrichello', 'Eddie', 'Irvine', '11.', 'Heinz-Harald', 'Frentzen', '12.', 'Salo', '13.', 'Johnny', 'Herbert', '14.', 'Brundle', 'equal', 'Jos', 'Verstappen', 'Diniz', 'Constructors', '149', '55', '41', 'Ligier', 'Sauber', 'Tyrrell', 'Footwork', 'Islamists', 'ISLAMABAD', 'Secretary', 'Malcolm', 'Rifkind', 'action', 'conference', 'Islamist', 'law', 'broken', 'People', 'wish', 'conferences', 'permission', 'As', 'obey', 'laws', 'something', 'normally', 'interfere', 'concern', 'such', 'Algeria', 'Egypt', 'Islamic', 'militants', 'Jewish', 'Salvation', 'Front', 'FIS', 'Hamas', 'guest', 'list', 'secretary', 'denying', 'visas', 'participants', 'break', 'Our', 'policy', 'fundamentally', 'based', 'respect', 'insistence', 'observed', 'Asian', 'Mongolia', 'Village', 'kills', 'eastern', 'Sierra', 'Leone', 'FREETOWN', 'Leonean', 'killed', 'villagers', 'Foindu', 'Eastern', 'Region', 'Brigade', 'Commander', 'Major', 'Fallah', 'Sewa', 'overran', 'highway', 'Mano', 'Junction', 'diamond', 'Tongo', 'army', 'Freetown', 'past', 'Rebels', 'Revolutionary', 'April', 'Continuing', 'attacks', 'generally', 'ascribed', 'renegade', 'uncontrolled', 'bands', 'refugees', 'displaced', 'starting', 'homes', 'Peace', 'Ivory', 'Diplomats', 'deadlocked', 'RUF', 'helping', 'budget', 'spending', 'BRIGHT-BELGIANS', 'SPEED', 'AFTER', "'S", 'WIN', 'Formula', 'Spa-Francorchamps', 'sparked', 'speeding', 'roads', 'Belga', 'checked', '3,000', 'amd', 'booked', '222', 'Some', 'clocked', '180', 'kilometres', '112', '15.125', 'average', 'speed', '208.442', 'm.p.h.', 'Division', 'Crystal', 'Palace', 'Bromwich', 'Ipswich', 'Grimsby', 'Norwich', 'Portsmouth', 'Southend', 'Tranmere', 'Port', 'Vale', 'Postponed', 'Charlton', 'v', 'Birmingham', 'Sheffield', 'Huddersfield', 'Brentford', 'Gillingham', 'Bristol', 'Luton', 'Burnley', 'Shrewsbury', 'Chesterfield', 'Walsall', 'Crewe', 'Rotherham', 'Blackpool', 'Stockport', 'Bournemouth', 'Watford', 'Plymouth', 'Wycombe', 'Bury', 'Millwall', 'Peterborough', 'Notts', 'County', 'Wrexham', 'Rovers', 'Barnet', 'Brighton', 'Cardiff', 'Wigan', 'Carlisle', 'Leyton', 'Orient', 'Chester', 'Swansea', 'Darlington', 'Colchester', 'Exeter', 'Doncaster', 'Hartlepool', 'Mansfield', 'Hereford', 'Hull', 'Cambridge', 'Northampton', 'Torquay', 'Rochdale', 'Fulham', 'Scunthorpe', 'Scarborough', 'Anti-Bhutto', 'rally', 'draws', '8,000', 'Karachi', 'KARACHI', 'marched', 'demanding', 'removal', 'Benazir', 'Bhutto', 'witnesses', 'From', 'march', 'God', 'let', 'husband', 'Ali', 'Zardari', 'escape', 'Nawaz', 'Sharif', 'main', 'Muslim', 'League', 'organised', '16-party', 'alliance', 'corruption', 'nepotism', 'charges', 'Witnesses', 'carrying', 'colourful', 'party', 'flags', 'walked', 'several', 'chanting', 'anti-government', 'slogans', 'launched', 'similar', 'rallies', 'Balochistan', 'provincial', 'Quetta', 'Punjab', 'Lahore', 'promise', 'extra-judicial', 'innocent', 'youths', 'spared', 'Mohajir', 'Movement', 'MQM', 'accuses', 'many', 'cold', 'blood', 'blames', '2,000', 'city', 'Political', 'observers', 'turn-out', 'possibly', 'indicating', 'mobilised', 'turbulent', 'calmer', '300', 'unrest', 'Urdu-speaking', 'Moslems', 'migrated', 'Partition', 'descendants', 'prime', 'rival', 'defeated', '1993', 'election', 'save', 'disaster', 'dislodge', 'holy', 'vowed', 'five-year', 'Voting', 'begins', 'Lebanese', 'TRIPOLI', 'Lebanon', 'parliamentary', '580,000', 'eligible', 'choose', '128-member', 'parliament', 'thin', 'trickle', 'casting', 'ballots', 'lists', 'candidates', 'polling', 'stations', '0400', 'gmt', 'MSV', 'Duisberg', 'Klinsmann', '15th', 'Zieger', '24th', '90th', 'Witechek', '59th', '0-2', '30,000', 'Spaniards', 'Basque', 'rebels--poll', 'MADRID', 'illegal', 'separatist', 'ETA', 'renounced', 'permanently', 'survey', 'published', 'daily', 'El', 'Mundo', 'population', 'supported', 'Homeland', 'Freedom', 'opposed', 'state-controlled', 'Sociological', 'CIS', '80', 'shown', 'achieving', 'one-week', 'truce', 'continuing', 'prison', 'officer', 'Antonio', 'Ortega', 'Lara', 'kidnapped', 'problem', 'terrorism', 'neither', 'worsened', 'nor', 'improved', 'conservative', 'Popular', 'PP', '56', 'questioned', '2,496', 'margin', 'error', 'plus', 'minus', 'Rottweiler', 'toddler', 'JOHANNESBURG', 'rottweiler', 'dog', 'belonging', 'elderly', 'couple', 'savaged', 'death', 'two-year-old', 'grandson', 'attacked', 'Booy', 'front', 'garden', 'grandparents', 'house', 'Vanderbijlpark', 'near', 'Johannesburg', 'bloody', 'body', 'lying', 'afternoon', 'pick', 'unclear', 'Dogs', 'fierce', 'enough', 'scare', 'burglars', 'becoming', 'increasingly', 'popular', 'crime-infested', 'base', 'metals', 'scrap', 'prices', 'premiums', 'LME', 'cash', 'settlement', 'except', 'copper', 'COMEX', 'Premium', 'consumer', 'works', 'Aluminum', 'grade', '3.25-3.75', 'cents', 'A7E', 'A0', 'nominal', '2.00-2.25', 'Zinc', 'Special', 'SHG', '5.50-6.00', 'Lead', '3.50-4.00', 'Tin', 'Grade', '6.5-8.5', 'ppm', '9.0-10.5', 'Nickel', 'melting', '9.0-12.0', 'Copper', 'cathode', '2.50-3.0', 'alloy', 'A380', 'Midwest', 'coast', '65-66', 'Sheet', 'Cast', 'metal', '44', 'Turnings', 'clean', 'dry', 'Mixed', 'low-copper', 'clips', '49', 'No2', 'Refined', '77', 'No1', 'Bare', 'Bright', '91', '92', 'Burnt', '87', 'batteries', '6.0', 'Producer', 'transaction', 'Alcan', 'aluminum', 'effective', 'P1020', 'ingot', 'extrusion', 'billet', '85', 'Noranda', 'date:August', 'RSR', 'pure', '52', 'Doe', 'Run', 'ASARCO', 'premium', 'commodities', 'desk', '212', '859', '1646', 'PARMA', 'ROMA', 'UDINESE', 'ITALIAN', 'ROME', 'UEFA', 'hopefuls', 'Parma', 'Roma', 'coaches', 'crashed', 'Italian', 'opponents', 'Milan', 'humble', 'Empoli', 'Wealthy', 'coached', 'Carlo', 'Ancelotti', 'Enrico', 'Chiesa', '3-1', 'serie', 'B', 'club', 'Pescara', 'Ottavio', 'Palladini', 'shattered', 'Midfielder', 'Marco', 'Giampaolo', '38th', 'Alessandro', 'Melli', 'entry', 'point', 'bulk', 'sides', 'winners', 'cup', 'repeat', 'fiasco', 'Palermo', 'Argentine', 'Bianchi', 'watched', 'Arrigo', 'Sacchi', 'Cesena', 'Rome', 'hurdle', 'Udinese', 'Euro', '96', 'hero', 'Oliver', 'Bierhoff', 'lineup', 'hat-trick', 'beaten', '2-1', 'relegated', 'Cremonese', 'Uruguayan', 'Oscar', 'Tabarez', 'nightmare', 'faces', 'replay', 'holders', 'Fiorentina', 'easily', 'Cosenza', 'Juventus', 'cruised', 'Fidelis', 'Andria', 'Two', 'Piacenza', 'finalists', 'Atalanta', 'argument', 'Lecce', 'Genoa', 'overturned', 'sporting', 'judge', 'fielded', 'ineligible', 'That', 'rivals', 'Sampdoria', 'Nocerina', '4-3', 'subject', 'complaint', 'removed', 'forced', 'newcomers', 'Perugia', 'HK', 'editorials', 'HONG', 'KONG', 'With', '307', 'days', 'colony', 'reverts', 'China', 'Kong', 'media', 'mainly', 'domestic', 'issues', 'concerning', 'pressure', 'cross', 'straights', 'relations', 'lobby', 'relationship', 'Beijing', 'Beijing-funded', 'WEN', 'WEI', 'PO', 'stem', 'exchanges', 'paper', 'administrative', 'limit', 'activities', 'strait', 'MING', 'PAO', 'DAILY', 'NEWS', 'hoped', 'Chinese', 'open', 'dialogue', 'Democratic', 'newly-established', 'democracy', 'Frontier', 'ease', 'anxieties', 'lead-up', 'handover', 'SOUTH', 'CHINA', 'MORNING', 'POST', 'judiciary', 'needed', 'swift', 'decisive', 'investigating', 'allegations', 'subjected', 'immigration', 'involving', 'fraud', 'paramount', 'importance', 'survival', 'business', 'ECONOMIC', 'Legal', 'Department', 'indecisive', 'handling', 'Such', 'hesitancy', 'damaged', 'public', 'confidence', 'newsroom', '852', '2843', '6441', 'Liu', 'Chong', 'Hing', '2.7', 'pct', 'Six', 'June', 'HK$', 'Shr', 'H.K.', '65.61', 'vs', '63.87', 'Dividend', '18.0', 'Exceptional', 'items', '249.53', '242.94', 'Turnover', '119.49', '134.40', 'Company', 'Investment', 'Ltd', 'Books', '23-27', 'payable', 'NOTE', 'engages', 'development', 'warehousing', 'banking', 'insurance', '6368', 'soars', 'deficit', 'jumped', 'sharply', '1,242.9', 'lei', 'January-June', '596.5', 'January-May', 'data', 'Six-month', 'expenditures', '9.50', 'trillion', '7.56', 'end-May', 'education', 'accounting', '31.6', 'expenses', 'subsidies', 'revenues', '8.26', '6.96', 'revise', 'wage', 'pension', 'indexations', 'energy', 'imports', 'pushed', 'Under', 'revised', 'version', '566', '6.0-percent', 'indexation', 'cover', 'fuel', 'bread', 'increases', 'quickened', 'original', 'approved', 'envisaged', '16.98', '20.17', 'originally', '3.19', 'leu', 'rate', '3,161', 'dollar', 'Bucharest', '40-1', '3120264', 'TUESDAY', 'FROM', 'Tennis', 'seeding', 'Monica', 'Seles', 'Anne', 'Miller', '6-0', '6-1', 'Rita', 'Grande', 'Alexia', 'Dechaume-Balleret', 'Judith', 'Wiesner', 'Iva', 'Majoli', 'Croatia', '2-6', '6-', 'Men', 'Muster', 'Javier', 'Frana', 'Argentina', '7-2', '6-2', 'Pete', 'Sampras', 'Jimy', 'Szymanski', 'Venezuela', 'Jiri', 'Novak', 'Ben', 'Ellwood', 'Mariaan', 'de', 'Swardt', 'Dominique', 'Van', 'Roost', 'Belgium', '1-6', '7-4', 'Florencia', 'Labat', 'Kathy', 'Rinaldi', 'Stunkel', 'Tauziat', 'Angelica', 'Gavaldon', 'Mexico', 'Paola', 'Suarez', 'Marianne', 'Werdel', 'Witmeyer', 'Ann', 'Grossman', 'Silvia', 'Farina', '6-4', 'Corretja', 'Byron', 'Black', '8-6', '3-6', 'Draper', 'Galo', 'Blanco', 'Petr', 'Korda', 'Caldwell', 'Bohdan', 'Ulihrach', 'Alberto', 'Costa', 'Bernd', 'Karbacher', 'Stark', '5-', 'Lindsay', 'Davenport', 'Adriana', 'Serra-Zanetti', 'Elena', 'Wagner', 'Gigi', 'Fernandez', 'Kristie', 'Boogert', 'Joannette', 'Kruger', 'Stefan', 'Edberg', 'Richard', 'Krajicek', 'Marcelo', 'Rios', 'Chile', 'Pavel', '4-6', 'Arantxa', 'Sanchez', 'Vicario', 'Laxmi', 'Poruri', 'Olhovskiy', 'Pat', 'Cash', 'Filippo', 'Veglio', 'Switzerland', 'Christian', 'Ruud', 'Norway', 'Henman', 'Roberto', 'Jabali', 'Pablo', 'Campana', 'Ecuador', 'Todd', 'Woodbridge', '4-', 'Herman', 'Gumy', 'Jacob', 'Hlasek', 'Nicklas', 'Kulti', '17-', 'Karina', 'Habsudova', 'Slovakia', 'Radka', 'Bobkova', 'Karin', 'Kschwendt', 'Sandra', 'Kleinova', 'Annabel', 'Jennifer', 'Capriati', 'Nicole', 'Arendt', 'Cacic', 'Likhovtseva', 'Kyoko', 'Nagatsuka', '7-', 'Sandrine', 'Testud', 'Pam', 'Shriver', 'Kimberly', 'Po', 'Kimiko', 'Date', 'Natasha', 'Zvereva', 'Belarus', 'Ruano-Pascual', '6-7', '5-7', 'Tina', 'Kirzan', 'Rika', 'Hiraki', 'Langrova', 'Adams', 'Tami', 'Whitlinger', 'Jones', 'Cecchini', 'Jana', 'Novotna', 'Francesca', 'Lubiani', 'Enqvist', 'Stephane', 'Simian', 'Mikael', 'Tillstrom', 'Tamer', 'Sawy', 'Carretero', 'Jordi', 'Burillo', 'Retired', 'Johansson', 'Renzo', 'Furlan', 'Mark', 'Knowles', 'Bahamas', 'Filippini', 'Uruguay', 'Jared', 'Palmer', 'Marc', 'Rosset', '7-9', 'Amy', 'Frazier', 'Larisa', 'Neiland', 'Latvia', 'Lisa', 'Lori', 'McNeil', 'Dopfer', 'Zina', 'Garrison', 'Jackson', 'Conchita', 'Martinez', 'Ruxandra', 'Dragomir', 'Naoko', 'Sawamatsu', 'Rennae', 'Stubbs', 'Miriam', 'Oremans', 'Zrubakova', 'Doug', 'Flach', 'Gianluca', 'Pozzi', 'Cedric', 'Pioline', 'Clavet', '7-3', 'Skoch', '7-0', 'Steffi', 'Graf', 'Yayuk', 'Basuki', 'Indonesia', 'Treasury', 'balances', 'Fed', '27', 'Federal', 'Reserve', 'BILLIONS', 'DLRS', 'acct', '5.208', '4.425', 'Tax', 'loan', '14.828', '15.687', 'balance', '20.036', '20.112', '---', 'debt', '5,124.053', '5,122.084', 'Best', 'sees', 'Q2', 'Q1', 'RICHMOND', 'Va', 'Products', 'Chairman', 'Chief', 'Executive', 'Daniel', 'Levy', 'second-quarter', '34.6', 'posted', 'retailer', 'annual', 'even', 'seeking', 'consideration', 'emerged', 'Chapter', '1994', '3-1/2', 'Bankruptcy', 'particularly', 'lose', 'striving', 'Richmond-based', '95.7', 'second-largest', 'closing', 'lease', 'agreements', 'did', 'operates', '169', '1995', '7.1', '0.23', 'share', 'sales', '311.9', 'MULDER', 'Japie', 'Mulder', 'ruled', 'Pretoria', 'Durban', 'spasms', 'failed', 'fitness', 'check', 'Springbok', 'skipper', 'Teichmann', 'recovered', 'bruised', 'thigh', 'ready', 'play', 'Andre', 'Markgraaff', 'absence', 'Northern', 'Transvaal', 'Snyman', 'cap', 'alongside', 'colleague', 'Danie', 'van', 'Schalkwyk', 'Wing', 'Pieter', 'Hendriks', 'retain', 'speculation', 'picked', 'wing', 'line-up', 'shortly', 'Kurdish', 'Iraqi', 'shelling', 'NICOSIA', 'guerrilla', 'civilians', 'Iraq', 'Iranian', 'IRNA', 'monitoring', 'station', 'affiliated', 'Patriotic', 'Kurdistan', 'PUK', 'heavily', 'shelled', 'Kanie', 'Karzhala', 'Arbil', 'bombing', 'quoted', 'PUK-run', 'heavy', 'pounding', 'Kurdish-controlled', 'details', 'casualties', 'independent', 'confirmation', 'KDP', 'Iran', 'supporting', 'halted', 'Iranian-backed', 'thousands', 'fighters', 'factions', 'persuaded', 'attend', 'U.S.-mediated', 'shattering', 'negotiated', 'threatened', 'U.S.-led', 'unite', 'Saddam', 'Hussein', 'planes', 'patrolling', 'skies', '1991', 'shield', 'Kurds', 'BASEBALL', 'BRAVES', 'CUBS', 'ATLANTA', 'Fred', 'McGriff', '5-for-5', 'homered', 'twice', 'three-run', 'blast', 'ninth', 'inning', 'lifted', 'Atlanta', 'Braves', '6-5', 'Cubs', 'trying', 'homer', 'looking', 'Brad', 'Clontz', 'Colorado', 'Thompson', 'threw', 'eight-hitter', 'Ellis', 'Burks', 'drove', 'Rockies', 'Pittsburgh', 'Pirates', '9-3', 'Vinny', 'Castilla', 'Dante', 'Bichette', 'RBI', 'mark', '44-20', 'Florida', 'Kevin', 'Brown', 'scattered', 'hits', 'Kurt', 'Abbott', 'snapped', 'sixth-inning', 'tie', 'two-run', 'Marlins', 'Cincinnati', '5-3', '8th', 'Los', 'Angeles', 'Tom', 'Candiotti', 'allowed', 'singled', 'go-ahead', 'Mike', 'Piazza', 'Hollandsworth', 'apiece', 'Dodgers', 'Mets', '8-9', 'season-high', 'batters', 'Joey', 'Hamilton', 'Rickey', 'Henderson', 'league-record', '69th', 'leadoff', 'Padres', 'Phillies', '7-1', '12-7', 'straight', 'allowing', 'pair', 'Segui', 'Montreal', 'Expos', 'shut', 'Giants', '11-7', 'lasted', '1-1/3', 'pitched', 'eight-plus', 'walking', 'striking', 'Houston', 'Orlando', 'Stottlemyre', 'Astros', 'Cardinals', 'teams', 'virtual', 'NL', 'Central', 'Shane', 'Reynolds', '16-6', 'fired', 'five-hitter', 'stocks', 'reserve', 'Lynne', "O'Donnell", 'Up', '100,000', 'Shanghai', 'bonded', 'warehouses', 'confounding', 'source', 'ultimate', 'fate', 'belongs', 'strategic', 'Around', '40,000', 'moved', 'Yingkou', 'stockpile', 'stored', 'owns', 'guessing', 'channelled', 'Nonferrous', 'Metals', 'Import', 'CNIEC', 'whether', 'cleared', 'customs', 'concrete', 'indication', 'administered', 'directly', 'central', 'Planning', 'negotiate', 'concessions', 'duties', 'tax', 'value-added', 'prohibitively', 'expensive', 'otherwise', 'trading', 'difference', 'spend', 'money', 'sitting', 'Once', 'movement', 'hands', 'Mystery', 'surrounded', 'recent', 'unsure', 'size', 'owner', 'Trading', 'cost-effective', 'depleted', 'served', 'purpose', 'long-term', 'backwardation', 'Metal', 'Exchange', 'occurs', 'lent', '85,000', 'running', '115,000', 'previously', 'Asia', 'US$', 'somewhere', '2,200', '2,400', 'started', 'used', 'finance', 'Word', 'houses', 'secret', 'meetings', 'unnerved', 'jittery', 'Industry', 'Bloomsbury', 'Minerals', 'Economics', 'BME', 'motivation', 'owners', 'whoever', 'important', 'short-term', 'fundamental', 'tight', 'repeated', 'review', 'rumours', 'involvement', 'Sumitomo', 'trader', 'unload', 'revealed', 'losses', '1.8', 'deals', 'comments', 'know', 'arrangement', 'unaware', 'movements', 'arrivals', 'purchases', 'expressed', 'tonnage', 'concerns', 'irrelevant', 'Singapore', 'desire', 'You', 'emergency', '2843-6470', 'aluminium', 'shipments', 'surge', '8.9', 'TOKYO', 'mill', 'products', 'surged', 'same', '224,609', 'production', '6.4', '222,457', 'preliminary', 'Aluminium', 'Federation', 'reflected', 'beverage', 'housing', 'construction', 'sectors', 'federation', 'Figures', 'largest', 'mills', 'output', 'monthly', 'level', 'ever', 'reflecting', 'above-average', 'temperatures', 'jump', 'beer', 'consumption', 'half-year', 'appeared', 'cooler', 'inventories', '75,632', '2.6', 'foil', '0.2', 'year-on-year', '11,525', 'fell', '0.8', '11,244', 'slightly', 'downward', '210,622', '210,683', 'marginally', 'upward', '213,989', '213,845', 'Final', 'figures', '40,144', '2.4', 'Shipments', 'auto', '5.5', '15,286', '79,390', 'Exports', 'dipped', '3.7', '18,867', 'Tokyo', 'Commodities', 'Desk', '81-3', '3432', '6179', 'SUPER', 'Super', 'Paris', 'Bradford', '78', 'Workington', '902', 'Helens', '884', '441', '767', '409', 'Warrington', '555', '499', '462', '574', '696', 'Halifax', '603', '552', 'Castleford', '548', '543', 'Oldham', '439', '656', '531', '681', '795', '1021', 'meets', 'RAMALLAH', 'flew', 'helicopter', 'Palestinian-ruled', 'brief', 'arrival', 'ceremony', 'backdrop', 'Gaza', 'four-hour', 'noon', '0900', 'Israeli', 'settlements', 'Jerusalem', 'WSC-India', 'Rice', 'Weather', 'SUMMARY-', 'Showers', '0.25-1.30', 'inch', '6-33', 'mm', 'locally', 'heavier', 'coverage', 'Isolated', 'showers', '0.20-0.70', '5-18', 'Highs', '82-96F', '28-36C', 'CROP', 'IMPACT-', 'Conditions', 'favorable', 'FORECAST-', 'TODAY', '0.25-1.00', '6-25', 'south', '0.75', 'isolated', '0.50', 'elsewhere', 'TONIGHT', 'Variable', 'clouds', 'Partly', 'cloudy', 'Lows', '68-76F', '20-24C', 'TOMORROW', 'Little', 'weather', 'OUTLOOK', 'Numerous', 'thunderstorms', 'Temperatures', 'normal', 'Source', 'Services', 'Corporation', 'GOOCH', 'PLAY', 'ANOTHER', 'ESSEX', 'Gooch', '43-year-old', 'cricket', 'least', 'Essex', 'Opener', 'comes', 'underlined', 'consistency', 'beating', 'Keith', 'Fletcher', 'aggregate', '29,434', 'retired', '1994-95', 'selector', 'averages', '1,429', '64.95', 'centuries', 'secretary-general', 'Peter', 'Edwards', 'remarkable', 'No-one', 'argue', 'appreciate', 'DISAPPOINTING', 'AJAX', 'SLUMP', 'HEERENVEEN', 'AMSTERDAM', 'Dutch', 'Ajax', 'Amsterdam', 'faltered', 'Heerenveen', 'dismal', 'pre-season', 'NAC', 'Breda', 'entertaining', 'deadlock', 'Eight', 'interval', 'Romeo', 'Wouden', 'Veldman', 'curled', 'beyond', 'goalkeeper', 'Edwin', 'der', 'Sar', 'defenders', 'Marcio', 'Santos', 'Winston', 'Bogarde', 'strikers', 'Jari', 'Litmanen', 'Overmars', 'pace', 'certain', 'equalise', 'gaps', '73', 'Danish', 'Dahl', 'Tomasson', 'rushed', 'lobbed', 'contenders', 'PSV', 'Eindhoven', 'traditional', 'curtain-raiser', 'Groningen', 'ORIOLES', 'MANAGER', 'DAVEY', 'JOHNSON', 'HOSPITALIZED', 'BALTIMORE', 'Baltimore', 'Orioles', 'Davey', 'Johnson', 'Mariners', 'irregular', 'heartbeat', '53-year-old', 'hospitalized', 'experiencing', 'dizziness', 'danger', 'treated', 'evening', 'physician', 'Dr.', 'William', 'Goldiner', 'bench', 'Andy', 'Etchebarren', 'manage', 'California', 'Angels', 'McNamara', 'Columbia', 'Presbyterian', 'clot', 'calf', 'seasons', 'named', 'off-season', 'replacing', 'Phil', 'Regan', 'Championship', 'guided', '1986', 'within', 'slumping', 'Yankees', 'INDIA', 'TOSS', 'BAT', 'AGAINST', 'SRI', 'LANKA', 'elected', 'day-night', 'Singer', 'Teams', 'Sachin', 'Tendulkar', 'Anil', 'Kumble', 'Ajay', 'Jadeja', 'Sourav', 'Ganguly', 'Mohamed', 'Azharuddin', 'Vinod', 'Kambli', 'Rahul', 'Dravid', 'Nayan', 'Mongia', 'Javagal', 'Srinath', 'Venkatesh', 'Ashish', 'Kapoor', 'Arjuna', 'Ranatunga', 'Sanath', 'Jayasuriya', 'Romesh', 'Kaluwitharana', 'Asanka', 'Gurusinha', 'Aravinda', 'Silva', 'Hashan', 'Tillekeratne', 'Roshan', 'Mahanama', 'Kumara', 'Dharmasena', 'Chaminda', 'Vaas', 'Muthiah', 'Muralitharan', 'Ravindra', 'Pushpakumara', 'Gencor', 'swells', 'setbacks', 'Melanie', 'Cheary', 'swelled', 'attributable', 'streamlined', 'operations', 'strengthen', 'financial', 'divisional', 'Announcing', 'Brian', 'Gilbertson', 'Happily', 'performance', 'illusion', 'arising', 'weakness', 'rand', 'relative', 'raised', 'earnings', '1,803', '1,003', 'terms', '469', '279', 'Impala', 'Platinum', 'Holdings', 'posting', 'Not', 'everything', "'ve", 'substantial', 'obvious', 'greatest', 'effect', 'corporation', 'furnace', 'failure', 'Implats', '281', 'lock', '3.92', 'shutdown', 'bid', '4.5350', 'Nor', 'fail', 'targets', 'Ingwe', 'Coal', 'rains', 'forfeited', 'flooding', 'mines', 'Mpumulanga', 'province', 'gloom', 'blocking', 'proposed', 'merger', 'Lonrho', 'platinum', 'interests', 'disappointment', 'perspective', 'Looking', 'further', 'placed', 'challenges', 'future', 'soundly', 'structured', 'prudently', 'financed', 'blessed', 'portfolio', 'world-class', 'businesses', 'Citing', 'disposal', 'stake', 'industrial', 'holdings', 'Malbak', 'smaller', 'disposals', 'pruned', 'concentrate', 'core', 'assets', 'overall', 'disposing', 'non-core', 'biggest', 'Overall', 'pruning', 'clearly', 'commodity', 'lines', 'invested', 'various', 'Referring', 'increased', '41.5', 'wait', 'coal', 'cheaper', 'considering', 'snapping', 'liked', 'value', 'quite', 'bit', 'lower', 'maybe', 'downturn', 'Finally', 'proportion', 'income', 'offshore', 'unlisted', 'investments', '+27', '482-1003', 'SQUASH', 'Rodney', 'Eyles', 'Zarak', 'Jahan', '15-6', '8-15', '15-10', '7-15', '15-12', 'Nicol', 'Julian', 'Wellings', '15-8', '15-7', 'Derek', 'Ryan', 'Parke', '15-11', '2-15', 'Walker', 'Julien', 'Bonetat', '15-2', 'Jonathon', 'Power', 'Barada', '11-15', '15-13', 'Amr', 'Shabana', 'White', '10-15', '15-9', '16-17', '15-1', 'Tony', 'Hands', '12-15', 'Zubair', 'Faheem', 'R', 'Tension', 'builds', 'Mexican', '05:53', 'CHILPANCINGO', 'Pre-electoral', 'bickering', 'Guerrero', 'demanded', 'upcoming', 'poll', 'mayor', 'Acatepec', '310', 'Human', 'Rights', 'complaining', 'Oct.', 'Mayor', 'Gonzalez', 'Garcia', 'Workers', 'recently', 'raided', 'farms', 'stole', 'raped', 'residents', 'indigenous', 'watchdog', 'fanned', 'search', 'intimidate', 'stirred', 'tension', 'Agir', 'Ensemble', 'pour', 'les', 'Droits', "l'Homme", 'exerted', 'psychological', 'fair', 'grabs', 'legislature', 'halls', 'show', 'governor', 'Despite', 'criticism', 'Gov', 'Aguirre', 'pledged', 'expect', 'trouble', 'elusive', 'proceeding', 'accordance', 'Chelsea', 'makes', 'CHILLICOTHE', 'Ohio', 'carefully', 'shielded', 'father', 'whistlestop', 'rode', 'rails', 'parts', 'Kentucky', 'every', 'stop', 'worked', 'ropelines', 'shaking', 'excited', 'Hillary', 'Rodham', 'saw', 'daughter', 'Huntington', 'rigorous', 'Convention', 'schedule', 'Asked', 'prominent', 'role', 'House', 'McCurry', "'ll", 'Sidwell', 'Friends', 'asked', 'convention', 'renominated', 'signal', 'poised', 'young', 'lady', 'politics', 'Death', 'toll', 'bomb', 'seven-newspaper', 'Algerian', 'Algiers', 'wounded', 'home-made', 'exploded', 'coastal', 'Bou', 'Haroun', 'explosive', 'device', 'prematurely', 'El-Watan', '25-year-old', 'boys', 'five-year-old', 'Several', 'explosion', 'four-year-old', 'civil', 'strife', 'government-appointed', 'Observatory', 'newspapers', '1,400', 'blamed', 'Moslem', '50,000', 'Algerians', '110', 'foreigners', 'pitting', '1992', 'authorities', 'cancelled', 'radical', 'WALES', 'BARRY', 'Wales', 'Hartson', '12th', '83rd', 'Young', '1,800', 'curb', 'Tamil', 'stamp', 'soil', 'directed', 'Lankan', 'sympathised', 'predicament', 'facing', 'prevailing', 'legal', 'framework', 'perpetrate', 'coordinator', 'counter', 'Philip', 'Wilcox', 'visited', 'Colombo', 'believes', '13-year', 'activity', 'funds', 'extorted', 'expatriate', 'Lankans', 'estimates', 'Liberation', 'Eelam', 'NEUCHATEL', 'APPEAL', 'CYPRIEN', 'NINE-MONTH', 'BAN', 'GENEVA', 'Swiss', 'Neuchatel', 'Xamax', 'nine-month', 'imposed', 'Jean-Pierre', 'Cyprien', 'post-match', 'brawl', 'fined', 'francs', '8,400', 'traded', 'punches', 'Gallen', 'Claudio', 'Moura', 'coaching', 'staff', 'intervene', 'flying', 'succeeded', 'kneeing', 'Hegi', 'stomach', 'elbowed', 'suspended', '840', 'disciplinary', 'Club', 'Gilbert', 'Facchinetti', 'astonished', 'quickly', 'Gress', 'described', 'incident', 'shocking', 'blame', 'physically', 'verbally', 'provoked', 'punished', 'During', 'scuffle', 'punch', 'Tomorrow', 'someone', 'react', 'cannot', 'TOSHIBA', 'CLASSIC', 'CARLSBAD', '1996-08-21', '450,000', 'Toshiba', 'Classic', 'Kijimuta', 'Yone', 'Kamio', 'Ai', 'Sugiyama', 'Shi-Ting', 'Wang', 'HORSE', 'PIVOTAL', 'ENDS', '25-YEAR', 'WAIT', 'TRAINER', 'PRESCOTT', 'Prescott', 'landed', 'trainer', 'Pivotal', '100-30', 'Nunthorpe', 'Stakes', 'three-year-old', 'partnered', 'Duffield', 'snatched', 'verdict', 'stride', 'deny', 'Eveningperformance', '16-1', 'trained', 'Henry', 'Candy', 'ridden', 'Rutter', 'Hever', 'Golf', 'Rose', '11-4', 'l', 'Abbaye', 'winner', 'Longchamp', 'lengths', 'favourite', 'Mind', 'Games', 'Ascot', 'aimed', 'reluctant', 'enclosure', 'result', 'photo-finish', 'Twenty-five', 'sad', 'godfather', 'Like', 'Jack', 'Berry', 'profession', 'I`m', 'disappointed', 'feel', 'suicidal', 'furlongs', 'quicken', 'fast-tracks', 'asylum-seekers', 'VANCOUVER', 'fast-tracking', 'dissidents', 'Vancouver', 'fast-tracked', 'sense', 'processing', 'ones', 'referred', 'interviewed', 'Garrett', 'Lambert', 'commissioner', 'indications', 'disposition', 'suppose', 'guess', 'given', 'preferential', 'declined', 'asylum', 'affairs', 'Ottawa', 'immediate', 'living', 'exile', 'midnight', '150', 'colonial', 'Affairs', 'Axworthy', 'Patten', 'fled', 'permanent', 'entered', 'illegally', 'decided', 'post-1997', 'administration', 'tougher', 'Alastair', 'Macdonald', 'proposals', 'abandon', 'sign', 'sobering', 'Kremlin', 'appointed', 'heady', 'crisis', 'wrap', 'compromise', 'worst', 'finding', 'concluding', 'demands', 'easy', 'matter', 'chain-smoking', 'paratroop', 'sharp', 'deadpan', 'putdowns', 'knack', 'sound', 'simple', 'arrange', 'ambitious', 'rebel-held', 'pledging', 'conclude', 'others', 'apparently', 'Saying', 'tidy', 'loose', 'ends', 'deal', 'unnamed', 'pro-war', 'schemers', 'empty-handed', 'Viktor', 'Chernomyrdin', 'service', 'Council', 'holiday', 'affect', 'undisclosed', 'meanwhile', 'departments', 'delay', 'Speculation', 'mounted', 'operating', 'limb', 'hardly', 'reelection', 'sight', 'criticising', 'clinched', 'pains', 'insist', 'united', 'chief-of-staff', 'Aslan', 'Maskhadov', 'why', 'suddenly', 'concerned', 'powerful', 'profited', 'seize', 'inadequacy', 'remove', 'warned', 'risked', 'sought', 'forcing', 'face-saving', 'formula', 'acceptable', 'referendum', 'decide', 'stressed', 'letting', 'quit', 'encourage', 'tendencies', 'regions', 'Caucasus', 'gap', 'ending', 'MEXICAN', 'CHAMPIONSHIP', 'MEXICO', 'CITY', 'Atlante', 'Atlas', 'Cruz', 'Azul', 'Leon', 'Guadalajara', 'Monterrey', 'Veracruz', 'Pachuca', 'Toluca', 'Puebla', 'UNAM', 'Morelia', 'UAG', 'Neza', 'Necaxa', 'Celaya', 'DUTCH', 'RESULT', 'Sittard', "gov't", 'Congress', 'BRASILIA', 'Kandir', 'submit', 'draft', 'copy', 'federal', 'constitutionally', 'obliged', 'approve', 'regularly', 'fails', 'requirement', 'citizen', 'sour', 'ties', 'DHAKA', 'disquiet', 'Bangladeshi', 'origin', 'Dhaka', 'airport', 'Bangladesh', 'goverment', 'attached', 'resolution', 'tragic', 'Siraj', 'Mia', 'Commonwealth', 'Liam', 'Fox', 'interogation', 'arriving', 'bore', 'multiple', 'relatives', 'complained', 'murdered', 'post-mortem', 'suggested', 'tortured', 'passenger', 'drunk', 'deep', 'wrist', 'glass', 'four-day', 'wanted', 'seriously', 'Nepal', 'strained', 'governments', 'Commons', 'wants', 'thorough', 'investigation', 'outcome', 'harassment', 'nationals', 'Criminal', 'Investigation', 'charged', 'connection', 'restaurant', 'suburb', 'answers', 'message', 'bottle', 'boy', 'washed', 'Nelson', 'Mandela', 'Hoffmann', '11-year-old', 'jailer', 'beach', 'Robben', 'Island', 'Cape', 'Town', 'storms', 'ordinary', 'mail', 'Danielle', 'Murray', 'Sandusky', 'age', 'penfriend', 'reply', 'flung', 'journey', 'MOTOCROSS', '125CC', 'HOLZGERLINGEN', '125cc', 'motocross', 'Sebastien', 'Tortelli', 'Kawasaki', 'Bob', 'Moore', 'Luigi', 'Seguy', 'TM', 'Andi', 'Kanstinger', 'Nicolas', 'Charlier', 'Erik', 'Camerlengo', 'Belometti', 'Frederic', 'Vialle', 'Collin', 'Dugmore', 'Malin', '192', 'Michele', 'Fanton', '160', '152', 'MOZAMBIQUE', 'AUGUST', 'MAPUTO', 'story', 'Mozambican', 'NOTICIAS', 'trucks', 'travelling', 'collided', 'Nhamavila', 'Maputo', 'Noticias', 'CNB-120', 'index', 'rises', '1.2', 'pts', '869.3', 'PRAGUE', 'broad', 'measure', 'equities', 'CNB', 'ten', 'sectoral', 'indices', '14.4', '1,294.5', 'Prague', '42-2-2423-0003', 'Kurd', 'agrees', 'U.S.-brokered', 'faction', 'previous', 'accord', 'sporadic', 'leadership', 'declares', 'endorsement', '8:00', 'Assistant', 'Near', 'Pelletreau', 'Jalal', 'Talabani', 'Massoud', 'Barzani', 'comprehensive', 'PUK-KDP', 'breaking', 'refusing', 'endorse', 'publicly', 'MAJOR', 'SATURDAY', 'Baseball', 'CAPS', 'HOUSTON', 'LOS', 'ANGELES', 'FRANCISCO', 'FLORIDA', 'COLORADO', 'DIEGO', 'BOSTON', 'Milwaukee', 'CLEVELAND', 'Toronto', 'Oakland', 'KANSAS', 'Detroit', 'MINNESOTA', 'Texas', 'RTRS', 'Melbourne', 'collides', 'MELBOURNE', 'Fifteen', 'suburban', 'street-level', 'rail', 'crossing', 'ambulance', 'included', 'Public', 'Transport', 'loaded', 'pylons', '8.30', 'a.m', 'derailed', 'driver', 'compartment', 'rear', 'spilling', 'load', 'careered', 'nearby', 'Bell', 'Station', 'Remarkably', 'potential', 'nasty', 'accident', '373-1800', 'GENOA', 'AWARDED', 'MILAN', 'sports', 'awarded', 'banned', 'meant', 'arch-rivals', 'appealed', 'grounds', 'Bachini', '71st', 'one-match', 'suspension', 'serve', 'spoils', 'atmosphere', 'BEIJING', 'Taipei', 'spoiling', 'resumption', 'Strait', 'Taiwanese', 'Vice', 'Lien', 'Chan', 'infuriated', 'Speaking', 'engage', 'Shen', 'Guofang', 'disrupted', 'negotiator', 'Tang', 'Shubei', 'telling', 'Now', 'hostility', 'overseas', 'edition', 'Daily', 'Television', 'considers', 'efforts', 'greater', 'recognition', 'Defiant', 'neo-Nazi', 'jailed', 'Gray', 'HAMBURG', 'sentenced', 'Lauck', 'pumping', 'extremist', 'propaganda', 'Nebraska', 'yelled', 'tirade', 'abuse', 'conviction', 'inciting', 'racial', 'hatred', 'struggle', 'shouted', 'guards', 'arguing', 'client', 'committed', 'hailed', 'fight', 'neo-Nazism', 'network', 'anti-Semitic', 'flowing', '1970s', 'possessed', 'well-oiled', 'machine', 'honed', 'presiding', 'Guenter', 'Bertram', 'extracts', 'praising', 'Hitler', 'describing', 'Nazi', 'millions', 'Jews', 'myth', 'Eager', 'bars', 'prosecutor', 'Mauruschat', 'offences', 'jail', 'sentence', 'Publishing', 'distributing', 'argued', 'U.S', 'speech', 'produce', 'swastika-covered', 'books', 'magazines', 'videos', 'homeland', 'Manfred', 'Kanther', 'welcomed', 'prosecution', 'ringleaders', 'distributers', 'vicious', 'racist', 'publications', 'Democrats', 'sober', 'blue', 'suit', 'trademark', 'Hitleresque', 'moustache', 'emotion', 'spent', 'reading', 'explaining', 'blurted', 'incomprehensible', 'quick-fire', 'diatribe', 'Neither', 'Socialists', 'Nazis', 'communists', 'dared', 'kidnap', 'oblique', 'reference', 'extradition', 'truth', 'attorney', 'Hans-Otto', 'Sieg', 'courtroom', 'judges', 'explained', 'actions', 'carried', 'obsessed', 'Nazism', 'devoted', 'Socialist', 'NSDAP-AO', 'derives', 'three-month', 'dealt', 'NS', 'Kampfruf', 'Battle', 'Cry', 'magazine', 'filled', 'references', 'Aryan', 'supremacy', 'defamatory', 'statements', 'rejected', 'arrested', 'convicted', 'disseminating', 'symbols', 'anti-constitutional', 'custody', 'arrest', 'subtracted', 'Amsterdam-Rotterdam-Antwerp', 'oil', 'levels', 'Oil', 'product', 'tankage', 'week-ago', 'year-ago', '29/8/96', '22/8/96', '1/9/95', 'Gasoline', '400', '400-425', '425', 'Naphtha', '50-75', '75-100', 'Gas', '1,600', '1,650', '1,850-1,900', 'Fuel', '325-350', 'Jet', 'kero', '15-20', 'Motor', 'gasoline', 'barges', 'inflows', 'cargoes', 'again', 'ARA', 'Soviet', 'throughput', 'markets', 'Benelux', 'straight-run', 'bunkering', 'removing', 'lowered', 'aviation', 'Blenkinsop', '504', '5000', 'asks', 'extradite', 'ex-president', 'Banisadr', 'Abolhassan', 'hijacking', 'angered', 'Tehran', 'accusing', 'ordering', 'assassination', 'Berlin', 'response', 'inquiry', 'formally', 'requested', 'aircraft', 'commandeered', 'flee', '1981', 'submitted', 'round-the-clock', 'testimony', 'backed', 'prosecutors', 'ordered', 'exiled', 'translator', 'gangland-style', 'machinegun', 'suffer', 'pays', 'heed', 'architect', 'revolution', 'sworn', 'enemy', 'favour', 'recovery', 'modest', 'dragged', 'lows', 'shrugged-off', 'imminent', 'Codelco', 'Salvador', 'waiting', 'include', 'U.K.', 'closed', 'weaker', 'Labor', 'Day', 'see', 'firm', "O'Neill", 'settled', '0.35', 'cent', '90.20', '90.50', '89.40', '0.05', '91.05', 'contract', 'expired', '0.85', '90.85', 'Volume', 'lots', 'voted', 'unions', 'management', 'facility', 'prospects', 'Huw', '212-859-1646', 'GREEK', 'SOCIALISTS', 'GIVE', 'GREEN', 'LIGHT', 'ELECTIONS', 'ATHENS', 'Greek', 'socialist', 'bureau', 'green', 'Costas', 'Simitis', 'snap', 'Skandalidis', 'announcement', 'cabinet', 'Dimitris', 'Kontogiannis', 'Athens', '+301', '3311812-4', 'NEC', 'Nijmegen', 'Eykeren', 'Numan', '11th', 'Nilis', 'Cocu', '67th', '1-2', 'Rwandan', 'genocide', 'suspicion', 'BERNE', 'violating', 'investigations', 'stage', 'cooperating', 'cantons', 'Geneva', 'identify', 'Vitesse', 'Arnhem', 'Sparta', 'Rotterdam', 'Utrecht', 'Twente', 'Enschede', 'Roda', 'JC', 'Kerkrade', 'Feyenoord', 'Graafschap', 'Doetinchem', 'Willem', 'II', 'Tilburg', 'RKC', 'Waalwijk', 'Volendam', 'AZ', 'Alkmaar', 'ICE', 'HOCKEY', 'FINLAND', 'CZECH', 'REPUBLIC', 'WORLD', 'HELSINKI', '4-1', 'ice', 'hockey', 'Ville', 'Peltonen', 'Ylonen', 'Teemu', 'Selanne', 'Jyrki', 'Lumme', '13th', 'Janne', 'Ojanen', '23rd', 'Ruuttu', '45th', 'Radek', 'Bonk', '7th', 'Reichel', '33rd', 'Dopita', '57th', 'Khmer', 'Rouge', 'Ieng', 'Sary', 'confirms', 'Pol', 'Pot', 'ARANYAPRATHET', 'Thailand', 'Dissident', 'hardliners', 'written', 'split', 'DNUM', 'reconciliation', 'Cambodian', 'inform', 'Ta', 'Mok', 'Son', 'Sen', 'dictatorial', 'obtained', 'indefinitely', '....', 'absentia', 'mass', 'Cambodia', 'terror', '1975-1979', 'executed', 'starvation', 'overwork', 'labour', 'camps', 'French-educated', 'brother-in-law', 'command', 'shed', 'profit-taking', 'ISTANBUL', 'shedding', 'amid', 'brokers', 'IMKB-100', '123.89', '64,178.78', 'Gains', 'totalled', '2.92', 'volume', '7.2', 'lira', '7.8', 'Profit-taking', 'actually', '63,000', 'tomorrow', 'Burcin', 'Mavituna', 'Interbank', 'Brokers', 'approached', '65,000', 'resistance', 'cheap', 'attracted', 'buyers', '67,000', 'pierced', 'session', 'active', 'Isbank', 'gained', '8,600', 'utility', 'Cukurova', '85-share', '0.47', '70,848.86', '15-share', '0.55', '55,929.89', '218', 'gainers', 'outdid', 'losers', 'stable', 'Istanbul', '+90-212-275', '0875', 'SA', 'Waldbaum', 'Quarterfinals', 'Voinea', 'Joyce', 'Karol', 'Kucera', 'Chang', 'Lamm', 'Perot', 'Reform', 'ticket-CNN', 'Ross', 'presidential', 'candidate', 'CNN', 'aides', 'competed', 'ticket', 'definitely', 'three-term', 'vied', 'disillusioned', 'Republican', 'parties', 'friend', 'ballot', 'Analysts', 'PTT', 'telecoms', 'Koninklijke', 'Nederland', 'NV', 'below', 'forecasts', 'scant', 'adjust', '8.5', '1.209', 'guilders', 'hair', 'breadth', '1.210-1.236', 'range', 'pretty', 'estimate', '1.210', 'Roe', 'Paribas', 'largely', 'view', 'Coming', 'overwhelmingly', 'surprising', 'ING', 'analyst', 'Steven', 'Vrolijk', 'solid', 'performer', 'sticking', '2.45', 'guilder', 'improve', '2.26', 'By', '1403', '1.70', '61.00', 'falling', 'bourse', 'Keiron', '+31', 'Indian', 'soy', 'INDORE', 'soybean', 'remained', '12,900-13,100', 'rupees', 'plant', 'dealers', 'festival', 'Markets', 'religious', 'Soyoil', 'selling', 'solvent', 'refined', 'weak', 'undertone', 'Soymeal', '276-277', '246-248', 'Rapeseed', 'extraction', '115', 'availability', '3,850', 'Bedibunder', '3,800-3,825', 'Bhavnagar', '---------------------', 'Prices', 'Market', 'Arrivals', 'Auction', 'Plant', 'Dewas', '45', 'Yellow', '12,700-12,950', '12,900-13,150', '11,900-12,100', 'Mandsaur', '12,600-12,750', '12,700-12,850', 'Neemuch', 'n.a', 'Mhow', '12,700-12,800', '12,750-12,850', 'Ratlam', 'Ashta', '12,700-12,900', '12,800-13,000', 'Indore', '12,750-12,950', 'Dhar', '12,750-12,900', 'Ujjain', '12,850-13,050', 'Jaora', 'Barnagar', 'Khandwa', 'Ashoknagar', 'Nalkhera', '----------------------------------', '30,300-30,400', '30,700-30,800', '32,700-32,800', '32,900-33,000', '--------------------------------', 'rail-FOR', 'Bombay', '9,800', '8,800', 'Bedi', 'Bunder', '1=35.73', 'OM', 'forest', 'STOCKHOLM', 'derivatives', 'Gruppen', 'AB', 'electronic', 'Together', 'subsidiaries', 'OMLX', 'Derivatives', 'Stockholm', 'PULPEX', 'pulp', 'extended', 'timber', 'recycled', 'Through', 'complements', 'bourses', 'softs', 'coffee', 'sugar', 'cocoa', 'three-year', 'representatives', 'Huge', 'swings', 'producers', 'profitability', 'unpredictable', 'investing', 'capacity', 'risky', 'Without', 'hedge', 'impact', 'global', 'amounted', 'marketplace', 'clearing', 'Investments', 'Board', 'informed', 'parent', 'guarantee', 'wholly-owned', '+46-8-700', '1006', 'Salomon', 'cuts', 'refiner', 'Q3', 'EPS', 'Brothers', 'Ting', 'refiners', 'belief', 'companies', 'revisions', 'refining', 'margins', 'third-quarter', 'Diamond', 'Shamrock', '0.38', '0.73', 'Street', 'consensus', '0.63', '0.15', 'Tosco', '0.95', '1.03', '0.94', 'Petroleum', '0.46', '0.33', 'And', 'Valero', 'Energy', '0.27', 'compared', '0.40', 'MARTINEZ', 'GETS', 'AGGRESSIVE', 'Larry', 'Fine', 'Yorkers', 'Spaniard', 'new-found', 'aggressiveness', 'frame', 'mind', 'fourth-seeded', 'tackling', 'class', 'traffic', '24-year-old', 'crushing', 'What', 'tonight', 'noise', 'crowds', 'chaos', 'things', 'happen', 'adjusting', 'cement', 'Flushing', 'Meadows', 'Manhattan', 'louder', 'Slams', 'real', 'wins', 'Opens', 'quarters', 'ranked', 'semifinals', 'bowing', 'feels', 'car', 'Sometimes', 'messed', 'love', 'adrenalin', 'taxi', 'lanes', 'Barcelona', 'drive', 'Well', 'repairs', 'Heidrun', 'Statoil', 'OSLO', 'plugged', 'injection', 'wells', 'oilfield', 'mid-Norway', 'Den', 'Norske', 'Stats', 'Oljeselskap', 'AS', 'accounted', 'dip', 'barrels', 'bpd', '220,000', 'Status', 'Weekly', 'newsletter', 'reperforated', 'gravel', 'pumped', 'reservoir', 'plugging', 'problems', 'Oslo', '+47', 'aide', 'Russian-Chechen', 'NOVYE', 'ATAGI', 'Talks', 'working', 'Press', 'Barkhatov', 'progressing', 'briskly', 'conducted', 'document', 'signature', 'day-by-day', 'denies', 'nurses', 'stranded', 'Libya', 'TUNIS', 'tabloid', 'exit', 'knowledge', 'nurse', "d'affaires", 'Tripoli', 'Tadeusz', 'Awdankiewicz', 'Poland', 'investigate', 'probe', 'prompted', 'conditions', 'non-payment', 'salaries', 'Genk', 'Harelbeke', 'Mechelen', 'CANADIAN', 'TORONTO', 'Ferreira', 'KOREAN', 'PRO-SOCCER', 'GAMES', 'SEOUL', 'Korean', 'pro-soccer', 'Puchon', 'Chonan', 'Pohang', 'Chonbuk', '0-0', 'W', 'D', 'L', 'G', 'F', 'P', 'Ulsan', 'Anyang', 'Suwon', 'Pusan', 'Chonnam', 'Carnival', 'spirits', 'Notting', 'Rio', 'peacefully', 'revellers', 'singing', 'dancing', 'arrests', 'stabbings', 'ugly', 'scar', 'street', 'praised', 'festivities', 'good-natured', '1976', 'carnival', '31st', 'acquired', 'darker', 'reputation', 'slowly', 'recovering', 'Shopkeepers', 'windows', 'crime', 'M2', '3.8', 'm', '8.2', 'y', '456.8', 'taka', '439.9', 'BANGLADESH', 'MONEY', 'SUPPLY', 'JUNE', 'MAY', 'bln', '422.1', 'M1', '144.5', '139.3', '131.7', 'NZ', 'ODV', 'NZ$', '524', 'WELLINGTON', 'Optimised', 'Deprival', 'Value', '524.2', '486.5', 'valuation', 'extensions', 'lifespan', 'consistent', 'preventative', 'maintenance', 'equipment', 'upgrading', 'revaluation', 'undertaken', 'disclosure', 'requirements', 'Commerce', 'Wellington', '4734', '746', 'JYVASKYLA', '1:46', '1:56', '2:05', 'Radstrom', 'S.', 'PRO-BASEBALL', 'pro-baseball', 'Haitai', 'Hanwha', 'Hyundai', 'Samsung', 'Ssangbangwool', 'LG', 'OB', 'Lotte', '0*', '*Note', 'percentage', 'PCT', 'GB', '.610', '47', '.547', '1/2', '.537', '.534', '.467', '.461', '.439', '.406', 'SERIES', 'AKRON', '2.1', '7,149', 'yard', 'par', 'Firestone', 'C.C', 'Goydos', 'Billy', 'Mayfair', 'Hidemichi', 'Tanaka', 'Stricker', 'Leonard', 'Brooks', 'Herron', 'Duffy', 'Waldorf', 'Davis', 'Love', 'Anders', 'Forsbrand', 'Nick', 'Faldo', 'Cook', 'Mickelson', 'Greg', 'Norman', 'Ernie', 'Els', 'Hoch', 'Clarence', 'Loren', 'Roberts', 'Funk', 'Sven', 'Struver', 'Cejka', 'Hal', 'Sutton', 'Lehman', 'D.A.', 'Weibring', 'Bryant', 'Craig', 'Parry', 'Ginn', 'Corey', 'Pavin', 'Stadler', "O'Meara", 'Couples', 'Stankowski', 'Costantino', 'Rocca', 'Furyk', 'Satoshi', 'Higashi', 'Willie', 'Wood', 'Shigeki', 'Maruyama', '76', 'McCarron', 'Westner', 'Schneiter', '79', 'Watson', 'Seiki', 'Okuda', 'Banco', 'inject', '3.412', 'pesos', 'secondary', 'credit', 'auctions', 'follows', 'AMOUNT', 'TERM', '1.206', '1.000', '525', '728-9559', 'THE', 'BELL', 'slows', 'after-hours', 'Both', 'WorldCom', 'MFS', 'Communications', 'buy', '1-3/4', '3-8/16', '41-5/16', 'Stock', '5,700', '53,400', 'Session', '4,153,800', 'collision', 'Linz', 'LINZ', 'locomotive', 'railway', 'Austrian', 'television', 'hurt', 'Vienna', 'stationary', 'Steyr', 'southeast', 'shunt', 'wagons', 'sidings', 'sure', 'trapped', 'wreckage', 'Doctors', 'road', 'scene', 'able', 'treat', 'Greater', 'damage', 'averted', 'apply', 'brakes', 'occurred', 'railways', 'APA', 'Housecall', 'sink', 'warning', 'healthcare', 'Medical', 'Resources', 'Morgan', 'Stanley', 'downgraded', 'underperform', 'outperform', '7-3/8', '7-1/8', 'morning', 'Atlanta-based', 'Wall', 'earn', '0.17', 'Call', 'expectations', 'non-Medicare', 'infusion', 'therapy', 'hospice', 'nursing', 'budgeted', 'cited', 'limitation', 'Medicare', 'reimbursement', 'Mass', '12-year-old', 'Weld', 'seat', 'Massachusetts', 'conceded', 'Franny', 'incumbent', 'Kerry', 'WBUR-FM', 'revolt', 'Tracy', 'Roosevelt', 'great-granddaughter', 'Franklin', 'Roosevelts', 'friends', 'Susan', 'descendant', 'Theodore', 'presidency', 'WASIM', 'AKRAM', 'JOINS', 'CLUB', 'three-wicket', 'haul', '300th', 'becomes', 'join', '300-club', 'bowlers', 'Imran', 'achieve', 'feat', 'Other', 'cricketers', 'Test', 'Kapil', 'Dev', '434', 'Tests', 'Hadlee', '431', '86', 'Botham', '383', '102', 'Indies', '376', '362', '88', 'Dennis', 'Lillee', '355', 'Willis', 'Lance', 'Gibbs', 'Trueman', 'Courtney', 'Walsh', 'schoolgirl', 'blackmailer', 'textbooks', 'GDANSK', 'blackmailed', 'anonymous', '13-year-old', 'extract', 'zlotys', 'Sierakowice', 'Gdansk', 'blackmail', 'Interviewed', 'psychologist', 'clothes', 'Kazimierz', 'Socha', 'underage', 'offenders', 'ATHLETICS', 'ROVERETO', 'INTERNATIONAL', 'MEETING', 'athletics', 'Ludmila', 'Ninova', '6.72', 'Heike', 'Drechsler', '6.65', 'Fiona', '6.64', 'hurdles', 'Emilio', 'Valle', 'Cuba', '13.42', '13.45', 'Andrea', 'Giaconi', '13.80', 'Chandra', 'Sturrup', '11.34', 'Natalya', 'Voronova', '11.53', 'Gabi', 'Rokmeier', '11.61', 'javelin', 'Sergey', 'Makarov', '85.26', 'Pukstys', '84.20', 'Blank', '81.64', 'Osmond', 'Ezinwa', 'Nigeria', '10.13', 'Davidson', '10.18', 'Stefano', 'Tilli', '10.43', 'Kamoga', 'Uganda', '45.15', 'Vaccari', '46.16', 'Kennedy', 'Ochieng', 'Kenya', '46.21', 'pole', 'vault', 'Mariacarla', 'Bresciani', '3.85', 'Muller', '3.75', 'Nastja', 'Rysich', 'germany', 'Ana', 'Fidelia', 'Quirot', '58.98', 'Letitia', 'Vriesde', 'Surinam', '2:00.39', 'Inez', 'Turner', 'Jamaica', '2:00.91', 'Kreissig', '2.20', 'Kostantin', 'Matusevitch', 'Israel', 'Buiatti', '2.15', 'Kibet', '1:45.24', 'Vincent', 'Malakwen', '1:45.62', 'Kibitok', '1:46.09', 'Oksana', 'Ovchinnikova', '58.94', 'Shikolenko', '57.44', 'Silke', 'Renk', '56.70', 'Virna', 'De', 'Angeli', '55.66', 'Torshina', 'Kazakhstan', '55.99', 'Anna', 'Knoroz', '57.02', 'Lauren', 'Ottoz', '49.16', 'Bronson', '49.67', 'Ridgeon', '49.83', 'Kipkosgei', '7:46.91', 'Lambruschini', '7:47.78', 'Kosgei', '7:48.38', 'BASKETBALL', 'PHILIPPINE', 'PRO-LEAGUE', 'MANILA', 'semi-final', 'Philippine', 'Basketball', 'Association', 'Shell', 'Ginebra', '89-86', '45-46', 'half-time', 'Akron', 'mln', 'rated', 'single-A', 'Moody', 'Investors', 'Rating', 'Announcement', '08/26/96', 'Issuer', 'OH', 'Sale', '6,310,000', 'Expected', '08/28/96', 'comics', 'independence-joke', 'Bossi', 'ORVIETO', 'joke', 'Umberto', 'ancient', 'Etruscan', 'Orvieto', 'mock', 'Cimicchi', 'actor', 'Benigni', 'declare', 'Etruria', 'proceed', 'annexation', 'Sardinia', 'Corsica', 'council', 'ironically', 'proclamation', 'Padania', 'located', 'Umbria', 'Florence', 'once', 'towns', 'pop', 'rhetoric', 'borders', 'talking', 'secession', 'intensified', 'showing', 'nationally', 'federalism', 'wasteful', 'centralised', 'bureaucracy', 'northerners', 'EMBASSY', 'CLOSED', 'LABOUR', 'DAY', 'SEP', 'consulates', 'Thessaloniki', 'offices', 'Greece', 'observance', 'Labour', 'Georgiopoulos', 'Semifinals', '318-2', 'LUNCH', '318', 'lunch', 'Diana', 'photographer', 'branded', 'stalker', 'Princess', 'postpone', 'approaching', 'criminal', 'Stenning', '12-week', 'contest', 'injunction', 'banning', 'yards', 'affidavit', 'responding', 'affadavit', 'Benedict', 'Birnberg', 'brick', 'window', 'motorcycle', 'dispatch', 'rider', 'convictions', 'Magistrates', 'pay', 'compensation', '182', 'pounds', '282', 'freelance', 'divorce', 'heir-to-the-throne', 'Prince', 'Charles', 'persistently', 'trailing', 'princess', 'chasing', 'smashed', 'film', 'camera', 'scapegoat', 'photographers', 'migration', 'pacts', 'accords', 'repatriate', 'intercepted', 'Cuban', 'migrants', 'attempted', 'enter', 'complaints', 'jeopardising', 'failing', 'Cubans', 'incidents', 'reiterates', 'commitment', 'implementation', 'Glyn', 'Davies', 'sea', 'Guantanamo', 'Naval', 'Base', 'prompt', 'enforcement', 'alien', 'smuggling', 'hijackings', 'distributed', 'community', 'Miami', 'remind', 'everyone', 'abiding', 'avoiding', 'dangerous', 'straits', 'Havana', 'centred', 'boatload', 'emigrants', 'capsized', 'Straits', 'Sixteen', 'boat', 'Bay', 'emigrated', 'hijackers', 'pilot', 'hijacked', 'plane', 'aylum', 'knew', 'ZEALAND', 'RECALL', 'MEHRTENS', 'fly-half', 'Mehrtens', 'Culhane', 'series-clinching', 'TriNations', 'tests', 'tearing', 'cartilage', 'Lock', 'doubts', 'suffering', 'viral', 'infection', 'Blair', 'Larsen', 'uncapped', 'Glenn', 'Taylor', 'standby', 'replace', 'Jonah', 'Lomu', 'shoulder', 'Griqualand', 'Eric', 'recover', 'Team', 'Cullen', 'Walter', 'Glen', 'Osborne', 'Josh', 'Kronfeld', 'Robin', 'Olo', 'Dowd', 'SUMMARIES', 'Hintum', 'Waalijk', 'Schreuder', 'Arum', '76th', '0-1', '6,150', 'Vierklau', 'Nooijer', '5,696', '9,000', 'Gorre', '66th', 'Vurens', '3rd', 'Larsson', '73rd', 'Gastel', 'Schultz', '4th', '22,434', 'Jongsma', '19th', '56rd', '6,000', 'Boer', '48,123', 'Jeffrey', 'Roest', 'Korneev', 'Hansma', 'SoCal', 'Edison', '220', 'kilovolt', 'KV', 'resume', 'wildfire', 'raging', 'Conroy', 'repair', 'crews', 'smoke', 'fire-related', 'residues', 'megawatts', 'MW', '1,200', 'hydroelectric', 'noted', 'transmission', 'cables', 'cleaning', 'Containment', 'hot', 'arid', 'windy', 'fires', 'Local', 'teenager', 'blaze', 'destroyed', 'acres', 'land', 'Leong', '+1', '1622', 'drown', 'Venezuelan', 'boating', 'MARACAIBO', 'aged', 'drowned', 'sank', 'Lake', 'Maracaibo', 'happened', 'Zarraga', 'nighttime', 'spin', 'Guard', 'sinking', 'hole', 'stern', 'lifejackets', 'unhurt', 'slip', 'edged', 'orders', 'System', '1.64', '180.38', '4.38', 'extremely', 'quiet', 'Mokhoff', 'Alliance-Menatep', 'inactivity', 'Babayan', 'managing', 'CentrInvest', 'UES', 'Unified', 'chips', 'anybody', 'else', 'ADRs', 'supposedly', 'application', '0.0817', '0.0822', '8.90', 'Gazprom', 'loser', '0.300', '0.355', '0.445', 'uncertainty', 'converted', 'investors', 'underlying', 'tightened', 'rules', 'restricting', 'shareholers', 'Mosenergo', '0.958', '0.966', 'Rostelekom', '2.56', '2.58', 'LUKoil', '9.82', '9.85', 'Julie', 'Tolkacheva', '+7095', '941', '8520', 'Afghan', 'reopening', 'Afghanistan', 'Salang', 'Kabul', 'Radio', 'embattled', 'Kabul-Salang', 'Supreme', 'Coordination', 'Jumbish-i-Milli', 'warlord', 'Abdul', 'Rashid', 'Dostum', 'postponement', 'precautions', 'elaborate', 'route', 'controlled', 'Burhanuddin', 'Rabbani', 'Hezb-i-Islami', 'Gulbuddin', 'Hekmatyar', 'rejoined', 'persuade', 'follow', 'Earlier', 'Jumbish', 'throw', 'irreplaceable', 'rocks', 'Students', 'Korea', 'Yonsei', 'riot', 'samples', 'geology', 'department', 'collect', 'Geology', 'prefessors', 'collection', 'gathered', 'abroad', 'panes', 'desks', 'nine-day', 'university', 'unification', 'storming', 'campus', 'COUNTY', 'Close', 'Tunbridge', 'Wells', '40-3', 'Kent', '195', 'Giles', 'B.', '4-66', '4-45', '82-0', 'Hove', 'Sussex', '285-6', 'Athey', '290', 'Moxon', 'Blakey', '79-2', 'Chester-le-Street', '259', 'P.', 'Cottey', 'Saggers', '6-65', '8-0', 'Durham', '114', 'Watkin', '4-28', '238', 'Weston', 'V.', 'Solanki', 'Harris', '4-31', 'Derbyshire', '166-1', 'K.', 'Barnett', '83', 'Middlesex', '199', '226-1', 'Pooley', 'Ramprakash', 'Hampshire', '232', 'Fraser', '5-55', 'Fay', '4-77', 'Leicester', 'Somerset', 'Millns', '4-35', 'Leicestershire', '202-5', 'Gloucestershire', '183', 'Northamptonshire', '123-4', 'Curran', 'QUENCH', 'YOUR', 'THIRST', 'IF', 'YOU', 'CAN', 'AFFORD', 'IT', 'Berkrot', 'monitors', 'reads', 'Due', 'please', 'shade', 'drink', 'plenty', 'fluids', 'advice', 'Perhaps', 'advisory', '...and', 'garishly-coloured', 'sun-drenched', 'litre', 'basic', 'life-sustaining', '4.00', '?', 'Olympics', 'incredulous', 'fan', 'noting', 'notorious', 'gouging', 'insult', 'male', 'controversial', 'offended', 'baked', 'lasagna', '8.50', 'Yorker', 'Rebecca', 'Weinstein', 'regular', 'sandwich', 'trio', 'hungry', 'forked', 'pronounced', 'Perry', 'chimed', 'ridiculous', 'dollars', 'wine', 'Indeed', 'chardonnay', 'zinfandel', 'imported', '4.50', 'Maybe', 'alcoholics', 'joked', 'lifting', 'Fans', '12.50', 'hamburger', 'french', 'fries', 'snack', 'guaranteed', 'thirsty', 'Make', '16.50', 'Even', 'pedestrian', 'ham', 'swiss', 'cheese', 'whopping', '8.00', 'tuscan', 'Tuscany', 'drives', 'FORMULA', 'SHELL', 'GAME', 'ONE', 'PHILIPPINES', 'finals', 'Alaska', 'Milk', '85-82', '36-46', 'leads', 'best-of-seven', 'Palestinians', 'Wafa', 'continuous', 'violations', 'crimes', 'declaring', 'Accusing', 'Benjamin', 'Netanyahu', 'stupidity', 'strongest', 'right-wing', 'Kiryat', 'Sefer', 'demolishing', 'Arab', 'idiots', 'Arabic', 'stupid', 'Strip', 'joint', 'withdrawing', 'self-rule', 'economy', 'hurting', 'merchants', 'Bethlehem', 'cater', 'tourist', 'labourers', 'jobs', 'backbone', 'building', 'replaced', 'Al-Aqsa', 'mosque', 'pray', 'Christians', 'accompany', 'stand', 'Officials', 'remarks', 'travel', 'restrictions', 'bombings', 'Arabs', 'entering', 'opposes', 'occupied', 'Shimon', 'Peres', '1967', 'halves', 'PLO', 'crowded', 'signalled', 'abandoning', 'diplomacy', 'alarm', 'bells', 'ringing', 'address', 'Egyptian', 'podium', 'Mahmoud', 'Abbas', 'Abu', 'Mazen', 'Dore', 'thing', 'Israelis', 'prepared', 'promises', 'intentions', 'pressing', 'long-delayed', 'partial', 'troop', 'flashpoint', 'Hebron', 'studying', 'redeployment', 'Yitzhak', 'Mordechai', 'wider', 'JONK', 'RETURNS', 'ROTTERDAM', 'Guus', 'Hiddink', 'Wim', 'Jonk', '14-month', 'Jean-Paul', '18-man', 'replacement', 'Danny', 'Blind', 'retirement', 'Bergkamp', '35-year-old', 'AC', 'Edgar', 'Davids', 'Squad', 'Goalkeepers', 'Ed', 'Goey', 'Defenders', 'Jaap', 'Stam', 'Arthur', 'Reiziger', 'Johan', 'Kock', 'Midfielders', 'Witschge', 'Aron', 'Winter', 'Internazionale', 'Seedorf', 'Real', 'Madrid', 'Strikers', 'Gaston', 'Taument', 'Arsenal', 'CHRISTIE', 'BAILEY', 'RUN', 'OWENS', 'RELAY', 'Warner', 'BERLIN', 'Donovan', 'Bailey', 'Linford', 'Christie', 'Dream', 'relay', 'honour', 'Jesse', 'Owens', 'holder', 'Namibia', 'Frankie', 'Fredericks', '4x100', 'squads', 'assembled', 'quartets', 'anniversary', 'medals', '1936', 'anchor', 'silver', 'participation', 'announce', 'organisers', 'retire', 'competition', 'compete', 'Although', 'racing', 'agree', 'delighted', 'tribute', '1948', '1980', 'watch', 'quick', 'autograph', 'book', 'thrusting', 'ornate', 'Harrison', 'Dillard', 'Lindy', 'Remigino', '1952', 'Hines', '1968', 'Hasely', 'Crawford', 'widow', 'Ruth', 'grand-daughter', 'Gina', 'Tillman', '1984', '1988', 'Brussels', 'SHEFFIELD', 'triple', 'Sarka', 'Kasparkova', '14.84', 'Ashia', 'Hansen', '14.78', 'Rodica', 'Matescu', '14.18', 'Deon', 'Hemmings', '55.13', 'Marken', '55.90', '56.00', 'Isel', 'Lopez', '61.36', 'Louise', 'McPaul', '60.66', 'Cathy', 'Freeman', '22.53', 'Falilat', 'Ogunkoya', '22.58', 'Juliet', 'Cuthbert', '22.77', 'Dionne', '12.83', 'Michelle', '12.91', 'Gillian', '12.95', 'Charmaine', 'Crooks', '00.42', '2:01.98', 'Margaret', 'Crowley', '2:02.40', 'Trond', 'Bathel', '5.60', 'Manson', 'Lobinger', '5.50', '86.82', 'Backley', '82.20', 'Nieland', '81.12', 'Marcel', 'Malone', '51.50', 'Kim', '52.17', 'Phylis', '52.53', '20.45', '20.48', 'Regis', '20.63', 'Austin', '2.30', 'Forsyth', 'Patrik', 'Sjoberg', '2.25', 'Verbjorn', 'Rodal', '1:44.93', 'Benson', 'Koech', '1:45.96', '1:46.18', 'mile', 'Tanui', '3:54.57', 'Mayock', '3:54.60', 'Whiteman', '3:54.87', '45.05', 'Richardson', '45.38', '45.48', '10.06', 'Mackie', '10.17', '10.19', 'diplomats', 'BAGHDAD', 'Sudanese', 'airliner', 'noble', 'Iraqis', 'contemplate', 'News', 'INA', 'Khartoum', 'denounced', 'terrorist', 'morals', 'values', 'Ambassador', 'Abdulsamad', 'Hameed', 'Sudan', 'Airways', 'Airbus', 'contrary', 'harassed', 'elements', 'hijack', 'flight', 'grenades', 'explosives', 'blow', 'refuelled', 'Larnaca', 'Stansted', 'suspected', 'surrendered', 'families', 'FRANCE', 'LE', 'MONDE', 'Le', 'Monde', 'FRONT', 'PAGE', 'Ipsos', 'majority', 'sympathises', 'plight', 'Africans', 'renew', 'obtain', 'residence', 'permits', 'calling', 'stubborn', 'confused', 'cold-hearted', 'BUSINESS', 'PAGES', 'SNCF', 'renegotiation', 'bailout', 'package', 'prepares', 'steel', 'shows', 'signs', 'upturn', '+33', '53', 'JAPANESE', 'BOTH', 'SUPERBIKE', 'RACES', 'SUGO', 'Teenager', 'Yuuichi', 'Takeda', 'outclassed', 'names', 'superbike', 'poise', 'overtake', 'Ducati', 'Troy', 'Corser', 'runner-up', 'laps', 'pursued', 'duo', 'Noriyuki', 'Haga', 'Wataru', 'Yoshikawa', 'briefly', 'chicane', 'lap', 'spurt', 'flag', 'consolation', 'recording', 'fastest', '147.159', 'practice', 'limped', 'Aaron', 'Slight', 'challenged', 'strongly', 'eventual', 'Takuma', 'Aoki', 'elder', 'brother', 'Haruchika', 'race-long', 'duel', 'Kocinski', 'chequered', 'passed', 'recorded', '147.786', 'regained', 'unlucky', 'finishing', '280', '269', '254', 'Venantius', 'sets', '1999', 'FRN', 'floating-rate', 'BORROWER', 'VENANTIUS', 'SWEDISH', 'NATIONAL', 'MORTGAGE', 'AGENCY', 'AMT', 'MLN', 'SPREAD', '12.5', 'BP', 'MATURITY', '21.JAN.99', 'TYPE', 'BASE', '3M', 'LIBOR', 'PAY', 'DATE', 'S23.SEP.96', 'LAST', 'MOODY', 'AA3', 'ISS', 'PRICE', '99.956', 'FULL', 'FEES', 'S&P', 'AA+', 'REOFFER', '=', 'NOTES', 'S', 'SHORT', 'COUPON', 'LISTING', 'DENOMS', 'K', '1-10-100', 'LIMITS', 'US', 'UK', 'JP', 'FR', 'NEG', 'PLG', 'YES', 'CRS', 'DEFLT', 'NO', 'FORCE', 'MAJ', 'IPMA', 'GOV', 'LAW', 'HOME', 'CTRY', 'SWEDEN', 'TAX', 'PROVS', 'STANDARD', 'MGT', 'UND', 'SELL', 'CONC', 'PRAECIP', 'ISSUED', 'EMTN', 'PROGRAMME', '8863', 'MASTERKOVA', 'BREAKS', 'RECORD', 'DAYS', 'Masterkova', 'bettered', 'Zurich', '1,500', '28.98', 'grand', 'prix', 'ate', 'shave', '0.36', '2:29.34', 'Mozambique', 'Mutola', 'stadium', '2:29.66', 'bonus', 'historic', 'crowd', 'middle-distance', 'races', 'maternity', 'richest', 'slashed', '3.05', '12.56', 'earned', 'kilo', 'fortnight', 'appearance', 'account', 'laid', 'comparable', 'surface', 'softer', 'enjoyed', 'gear', 'strides', 'pointing', 'clock', 'delight', 'crossed', 'CABINET', 'APPROVES', 'TELEVISION', 'DECREE', 'granted', 'reprieve', 'mogul', 'Silvio', 'Berlusconi', 'Mediaset', 'empire', 'decree', 'extending', 'plugs', 'void', 'magistrates', 'controls', 'single', 'proprietor', 'channels', 'HUNGARY', 'BUDAPEST', 'Haladas', 'MTK', 'Ferencvaros', 'Bekescsaba', 'BVSC', 'Csepel', 'Videoton(*', 'ZTE', 'Debrecen', 'Siofok', 'Ujpest', 'Vac', 'Vasas', 'Kispest', 'Pecs', 'TE', 'FTC', 'Videoton', 'Gyor', '15.', 'FC', '16.', 'III.ker.TVE', '17.', '18.', '*Name', 'Parmalat', 'Fehervar', 'changed', 'Budapest', '+361', '2410', 'squash', 'Jansher', 'Pakistnn', 'Jackie', 'Brett', 'Evans', '14-17', '13-15', '17-14', 'Cairns', 'Del', 'Anthony', 'Chaloner', '17-16', 'Frenz', 'Heath', '15-4', '15-14', 'Joseph', 'Kneipp', 'Faizy', 'Mir', 'Zaman', 'Gul', 'Meads', '15-3', 'Dan', 'Thoren', '15-5', 'WHEAT--Rains', 'planting', 'Frost', 'Mo', 'Above-normal', 'rainfall', 'High', 'Plains', 'produced', 'near-ideal', 'Kansas', 'relieved', 'plagued', 'moisture', 'situation', 'Anderson', 'extension', 'economist', 'Oklahoma', 'irony', 'old-timers', 'likened', 'Dust', 'Bowl', '1930s', 'turnabout', 'Hodges', 'Wheat', 'Hopefully', 'According', 'Climatological', 'Survey', '20.19', 'inches', 'above', 'associate', 'climatologist', 'fallen', 'example', '4.6', 'Mosier', 'assistant', 'Producers', 'Panhandle', 'beneficial', 'setting', 'ideal', 'mositure', 'Dolly', 'typically', 'producer', 'topsoil', 'adequate', 'statistics', 'surplus', 'Agricultural', 'Statistics', 'rating', 'ratings', '816', '561-8671', 'CHANG', 'ADVANCE', 'TWO', 'WOMEN', 'SEEDS', 'FALL', 'enjoying', 'overcome', 'jitters', 'first-round', 'seeded', '186th-ranked', 'Jaime', 'Oncins', 'tiebreaker', 'hottest', '16-2', 'hardcourts', 'titles', 'finish', 'Everyone', 'nerves', 'Joining', 'MaliVai', 'seed', 'talented', 'Moroccan', 'Karim', 'Alami', 'comfortable', 'either', '27-year-old', 'hurried', 'Stadium', 'Court', 'upset', 'Towards', 'week-old', 'sushi', 'combination', 'heat', 'seeds', 'Anke', 'Huber', 'undone', '17th', 'Amanda', 'Coetzer', 'revenge', 'semifinal', 'junior', 'Aleksandra', 'Olsza', 'eliminating', 'Magdalena', 'Maleeva', 'Bulgaria', 'Slam', 'victories', 'showdown', 'Stich', 'two-time', 'Sergi', 'Bruguera', 'Tommy', 'Haas', 'Kris', 'Goossens', 'respectively', "O'Brien", 'professional', 'Haven', 'advanced', 'Lapentti', 'bad', 'Tarango', 'Radulescu', 'exhaustion', 'breezy', 'erratic', 'untidy', 'unforced', 'errors', 'walloped', 'woeful', 'faults', 'deflating', 'fault', 'confusion', 'exchanged', 'shots', 'umpire', 'resumed', 'Those', 'promptly', 'serves', 'barely', 'contained', 'baseline', 'frittered', '26-year-old', 'risen', 'stray', 'bullet', 'Sao', 'Paulo', 'slumped', 'quitting', 'qualifying', 'spate', 'withdrawals', 'Eighth', 'Courier', 'withdrew', 'Wilander', 'bowed', 'groin', 'Mary', 'Joe', 'tendinitis', 'ONE-DAY', '226-5', '230-1', 'BUGNO', 'CLEARED', 'DOPING', 'Veteran', 'Gianni', 'Bugno', 'doping', 'testing', 'testosterone', 'Tour', 'tested', 'hormone', 'subsequent', 'proved', 'higher-than-average', 'naturally', 'Giro', "d'Italia", 'stimulant', 'caffeine', 'Vicorp', 'Restaurants', 'Sabourin', 'CFO', 'DENVER', 'Bestop', 'Boulder', 'Colo', 'Held', 'Newsdesk', '1610', 'Briton', 'abandoned', 'torrential', '193', '201', '202', 'Heinz-Peter', 'Thul', 'Ronan', 'Rafferty', '203', 'Westwood', 'Emerson', 'Baker', 'Tsang', 'smooth', 'transition', 'Trevelyan', 'Financial', 'Donald', 'fluctuations', 'spoke', 'keeping', 'smoothly', '3.1', '5.9', 'economists', 'downwards', 'half-yearly', 'trend', 'Finance', 'Birch', 'rock', 'absolutely', 'predicated', 'sovereignty', '1997-98', 'span', 'None', 'precepts', 'currency', 'monetary', 'reserves', 'duty', 'contribute', 'taxes', 'indeed', 'climb', 'trough', 'Because', 'measures', 'draconian', 'earth', 'scarce', 'rentals', 'roof', 'mean', 'reclamation', 'environmental', 'figure', 'aim', 'CBOE', 'routine', 'Options', 'valued', 'Times', 'suggest', 'insider', 'confirm', 'unusual', "'re", 'anything', 'steadily', 'mid-August', 'doubted', '312', '408-8750', 'E-mail', 'derivatives@reuters.com', 'kidney', 'Naina', 'undergone', 'satisfactory', 'Itar-Tass', 'Tass', 'Clinical', 'treats', 'Mrs', 'Doctor', 'Sergei', 'Mironov', 'contact', 'daughters', 'Yelena', 'Tatyana', 'run-off', 'disappeared', 'eye', 'agenda', 'Drnovice', 'Slovan', 'Liberec', 'SK', 'Slavia', 'Praha', 'Ceske', 'Budejovice', 'FK', 'Jablonec', 'Viktoria', 'Zizkov', 'Banik', 'Ostrava', 'Teplice', 'Boby', 'Brno', 'Sigma', 'Olomouc', 'Bohemians', 'Karvina', 'Hradec', 'Kralove', 'Kaucuk', 'Opava', 'Playing', 'Plzen', 'AEI', 'Spanish', 'ISO', '9002', 'Air', 'Express', 'twenty-second', 'quality', 'accreditation', 'Bureau', 'Veritas', 'accredited', 'Iberfreight', 'Alicante', 'Bilbao', 'Seville', 'Valencia', 'standards', 'Cargo', 'Tel+44', '7706', 'Fax+44', '5017', 'unwinding', 'unwound', '818.10', '819.10', 'ranged', '817.60', '819.30', 'overbought', 'moment', 'insistent', '820', 'convinced', 'So', '7149', '274', '277', '278', '283', '284', '285', '286', '287', '288', '289', '292', '294', '295', '298', '301', 'S.AFRICAN', 'TRUTH', 'BODY', 'SUMMON', 'APARTHEID', 'CAPE', 'TOWN', 'Truth', 'Reconciliation', 'subpoena', 'persons', 'appear', 'anyone', 'Allen', 'Subpoenas', 'Media', 'speculated', 'commission', 'heal', 'wounds', 'apartheid', 'confronting', 'apartheid-era', 'P.W.', 'Botha', 'generals', 'Basie', 'Smit', 'Der', 'Merwe', 'submissions', 'F.W.', 'Klerk', 'co-operation', 'compiling', 'hearing', 'harrowing', 'tales', 'victims', 'abuses', 'regime', 'hear', 'whom', 'amnesty', 'frankness', 'Hopes', 'reformed', 'perpetrators', 'voluntarily', 'subpoenaed', 'human-rights', 'era', 'chaired', 'Nobel', 'Archbishop', 'Desmond', 'Tutu', 'Wis', 'welfare', 'pioneering', 'image', 'Wisconsin', 'release', 'Health', 'reform', 'curve', 'Still', 'program', 'W-2', 'waivers', 'acquire', 'care', '60-day', 'residency', 'child', 'collections', 'custodial', 'limits', 'eligibility', 'gives', 'Karen', 'Pierog', '312-408-8647', 'INDICATORS', 'updated', 'indicators', 'CPI', '+0.4m', '23.0yr', 'yr', '+0.9;+23.6', 'PPI', '+0.7', 'm;+21.5yr', '+1.7;+22.0', 'm;-0.2yr', '+7.3;-3.6', 'Current', 'Jan-May', '738', 'Jan-April', '748', 'NBH', '934', '774', 'MIT', 'Jan-June', '1.45', '1.24', 'Gross', '27,246.5', '28,716.8', '14,390.7', '15,704.3', 'Unemployment', '10.8', '10.6', 'Budget', 'HUF', 'Jan-July', '122', 'T-bill', 'yields', '%', '1mo', '22.95', '3mo', '23.02', '6mo', '23.53', '1yr', '24.40', 'Government', 'bond', '2-yr', '1998', 'J', '25.49,(3-yr', '24.44', 'BBB-minus', 'Duff', 'Phelps', 'IBCA', 'Thomson', 'BankWatch', 'BB-plus', 'BA1', 'BBB+', '36', '1)266', 'PORTUGUESE', 'Espinho', 'Sporting', 'sewing', 'smugglers', 'KHARTOUM', 'smuggle', 'machines', 'clothing', 'Eritrea', 'government-owned', 'al-Ingaz', 'al-Watani', 'Banat', 'Kassala', 'confessed', 'so-called', 'undertaking', 'subversive', 'Authorities', 'laying', 'landmines', 'stealing', 'Eritrean', 'providing', 'diplomatic', 'raids', 'Alliance', 'umbrella', 'headquarters', 'Asmara', 'uses', 'SCOREBOARD-AUSTRALIA', 'ZIMBABWE', 'Slater', 'Strang', 'Whittall', 'Waugh', 'Campbell', 'Law', 'Streak', 'Bevan', 'Brandes', 'Healy', 'Hogg', 'b-1', 'lb-8', 'w-3', 'nb-3', '263', '1-48', '2-92', '3-167', '4-230', '5-240', '6-242', '7-263', 'Reiffel', 'Flemming', 'McGrath', '10-1-50-1', '2w', '2nb', '10-1-47-2', '1w', '9-0-41-1', 'Flower', '6-0-28-0', '10-0-53-3', '1nb', 'Decker', '3-0-17-0', 'Shah', '2-0-18-0', 'Wishart', 'Dekker', 'H.', 'E.', 'lb-4', 'w-10', 'nb-7', '138', '1-16', '2-16', '3-33', '5-56', '6-98', '7-100', '8-120', '9-120', '7-2-13-1', '7-0-24-2', '3w', '3nb', '6-1-23-2', '7-2-24-1', '9-2-26-1', '5-1-24-3', '125', 'MAKINEN', 'PLAYERS', 'LEAVE', 'EARLY', 'CATCH', 'PLANE', 'Homewood', 'RIO', 'JANEIRO', 'Narciso', 'flown', 'Janeiro', 'jet', 'chartered', 'Confederation', 'CBF', 'arose', 'Paulo-Santos', 'televised', 'live', 'usual', 'kickoff', 'surprise', 'Juventude', 'Internacional', 'Corinthians', 'marathon', 'hectic', 'arrive', 'Curitiba', 'Atletico', 'Paranaense', 'Botafogo', 'Tulio', 'overlooked', 'Zagalo', 'features', 'Bahia', 'top-scorer', 'struggling', '2,901.48', 'rbls', 'auction', 'gas', 'monopoly', 'RAO', 'roubles', '2,891.00', 'FFK', 'Starting', '2,746', '2,840', '2,998', 'represented', '0.042', '139.75', 'equivalent', '0.59', 'capitalisation', 'massive', 'potentially', 'However', '23.6', 'highly', 'illiquid', 'harder', 'orderly', '406.6', '0.375', 'Artyom', 'Danielyan', 'SCOTTISH', 'GLASGOW', 'Scottish', 'Stirling', 'Albion', 'POLAND', 'TIES', 'CYPRUS', 'BELCHATOW', 'Krzysztof', 'Warzycha', '46th', 'Marcin', 'Mieciel', 'Klimis', 'Alexandrou', '75th', 'Kostas', 'Malekos', 'Romano', 'Prodi', 'opportunity', 'views', 'Omer', 'Akbel', 'briefing', 'Liberia', 'installed', 'MONROVIA', 'task', 'uniting', 'squabbling', 'Liberian', '1980s', 'Monrovia', 'nominated', 'job', 'Abuja', 'formal', 'inauguration', 'explanation', 'vice-chairmen', 'Alhadji', 'Kromah', 'unable', 'Faction', 'orgy', 'looting', 'collapsed', 'timetable', 'disarmament', 'sanctions', 'compliance', 'Freed', 'slaves', 'founded', '1847', 'rejects', 'boycott', 'lamb', 'disagreed', 'shun', 'determine', 'transmitted', 'sheep', 'Werner', 'Zwingmann', 'sheepmeat', 'clearer', 'Nikolaus', 'Pas', 'Farm', 'Commissioner', 'Franz', 'Fischler', 'brains', 'spleens', 'spinal', 'cords', 'animal', 'chains', 'specific', 'precautionary', 'protect', 'EU-wide', 'laboratory', 'Bovine', 'Spongiform', 'Encephalopathy', 'mational', 'justified', 'slight', 'Loyola', 'Palacio', 'farm', 'causing', 'unjustified', 'generalisation', 'Only', 'multidisciplinary', 'committees', 're-examine', 'recommendations', 'Sheep', 'scrapie', 'transferred', 'containing', 'influence', 'careful', 'NFU', 'humans', 'illness', 'contaminated', '47,600', '4,275', 'mutton', 'MARCELO', 'HAT-TRICK', 'TOP', 'maintained', 'stayed', 'celebrated', 'novelty', '51,000', 'first-team', '20-metre', 'dull', 'compatriot', 'Rene', 'Eijkelkamp', 'Pascal', 'shock', 'Henke', 'fifth-placed', 'Newspapers', 'Following', 'VEERAKESARI', 'Bomb', 'TELO', 'Trincomalee', 'accidental', 'Chavakachcheri', 'Jaffna', 'sentries', 'THINAKARAN', 'TULF', 'Sivasiththamparam', 'meaningless', 'UNP', 'Bread', 'flour', 'underpriviledged', 'sections', 'society', 'ISLAND', 'Excise', 'W.N.F.', 'Chandraratne', 'guidelines', 'liquor', 'licences', 'licence', 'LANKADEEPA', 'Tiger', 'female', 'suicide', 'bombers', 'simultaneous', 'Chandrika', 'Kumaratunga', 'motorcade', 'DIVAINA', 'Cultural', 'sum', 'crown', 'worn', 'king', 'DINAMINA', 'closes', 'Ruhunu', 'hospitalised', 'tel', '941-434319', 'SWIMMING', 'POPOV', '`SERIOUS', 'CONDITION', 'STABBING', 'swimming', 'Popov', 'stabbed', 'doctor', 'freestyle', 'top-level', 'sport', 'Rimma', 'Maslova', 'conscious', 'smiling', 'expert', 'medicine', 'returning', 'competitive', 'abdomen', 'roadside', 'watermelon', 'sellers', 'south-west', 'wound', 'affected', 'operated', 'NTV', 'pool', 'worry', 'insisted', 'cheerfully', 'bed', 'intensive', 'detained', 'attackers', 'Vitaly', 'Smirnov', 'Committee', 'swimmer', 'award', 'athletes', 'post-Soviet', 'Here', 'tracking', 'CDU', 'CSU', 'SPD', 'FDP', 'Greens', 'PDS', 'Emnid', '41.0', '34.0', '7.0', '10.0', 'Elect', 'Res', '35.0', '5.0', '11.0', '4.0', 'Allensbach', '37.2', '32.8', '8.0', '13.0', '5.6', 'JULY', '39.0', '40.0', '33.0', '12.0', '42.0', '7.3', '12.3', '5.4', 'Forsa', '36.0', '31.0', '43.0', '38.0', '37.0', '38.5', '32.5', '8.1', '4.4', 'APRIL', '38.1', '32.3', '6.5', '12.9', '6.3', 'OFFICIAL', 'OCTOBER', 'GENERAL', 'ELECTION', '36.4', '6.9', 'Electoral', 'Research', 'Forschungsgruppe', 'Wahlen', '+49', '228', '2609760', 'SEYCHELLES', 'FAIL', 'BID', 'HISTORIC', 'VICTORY', 'Gleeson', 'tiny', 'Seychelles', 'Nations', 'Trailing', 'fellow', 'islanders', 'Mauritius', 'phase', 'qualifiers', 'FIFA', 'membership', 'breakthrough', 'Mauritian', 'Caboche', 'tackle', 'responded', 'setback', 'Ashley', 'Mocude', 'two-goal', '50th-minute', 'Seychellois', 'renewed', 'eliminated', 'Malawi', 'favourites', 'Zambia', 'Botswana', 'Windhoek', 'stretch', 'unbeaten', 'progress', 'Cameroon', 'Gabon', 'German-based', 'Bachirou', 'Salou', 'Togo', 'Congo', 'plays', 'Bundesliga', '53rd', 'Lome', 'takes', 'Tanzania', 'Zaire', 'Ethiopia', 'shoot-out', 'Addis', 'Ababa', 'scoreline', 'decider', '4-2', 'humiliating', 'preliminaries', 'Mauritania', 'Benin', 'Nouakchott', 'Summaries', 'Keller', 'Dundee', '64th', '27,600', 'Zickler', '26th', 'Helmer', '37th', '44th', 'Rizzitelli', '48th', 'Sergio', '25th', 'Feldhoff', '48,000', 'Akpoborie', '27,000', '11,500', 'Von', 'Heesen', 'Hirsch', '65th', '15,000', 'Buffett', 'raises', 'Property', 'Capital', 'Omaha', 'billionaire', 'Warren', 'Trust', '6.7', 'filing', 'Exchnage', '62,900', 'additional', 'Boston-based', 'estate', 'trust', '7.65', '8.02', 'holding', '725,900', 'purchased', '6.2', 'well-known', 'investor', 'Berkshire', 'Hathaway', 'hails', 'marks', 'Rostislav', 'Khotin', 'KIEV', 'celebrates', 'hailing', 'inter-ethnic', 'achievement', 'declaration', 'nine-to-one', 'effectively', 'conflicts', 'Moldova', 'republics', 'Georgia', 'Azerbaijan', 'Tajikistan', 'achievements', 'preservation', 'harmony', 'Leonid', 'Kuchma', 'Unlike', 'situations', 'peaceful', 'civilised', 'initially', 'hyper-inflation', 'collapse', 'turnaround', 'Inflation', 'hyper-inflationary', '10,300', 'respectable', '0.1', 'grow', 'solemn', 'Ukraina', 'turning', 'reforms', 'doubt', 'Adelbert', 'Knobl', 'Monetary', 'Fund', 'mission', 'proud', 'much-postponed', 'hryvna', 'karbovanets', 'rouble', 'trades', '33', 'repeatedly', 'introduce', 'Proud', 'joining', 'Partnership', 'wrangle', 'offending', 'unofficial', 'delegation', 'Kiev', 'Hennady', 'Udovenko', 'overreacting', 'bridge', 'rapidly', 'Westernising', 'integration', 'areas', 'Relations', 'economically', 'oriented', 'circles', 'push', 'grouping', 'closer', 'congratulated', 'promising', 'stabilising', 'factor', 'WSRL', 'BOMBAY', 'Kredietbank', 'Welspun', 'Stahl', 'Rohren', 'part-finance', 'submerged', 'welded', 'pipes', 'maturing', 'Indusind', '3.5', 'UTI', 'Gujarat', 'manufacture', '175,000', 'annum', 'longitudinal', 'spiral', 'yarn', 'terry', 'towels', 'polyester', '+91-22-265', '9000', 'sale', 'worth', '145', 'T', '234,324', 'fob', 'destined', 'cereals', 'minimum', '105.07', 'Ecus', 'provisionally', 'optional-origin', '162', 'freight', 'Saudis', 'reduce', '600,000', 'enjoys', 'subtracting', '142', 'floor', '34,277', '109.36', '+331', '4221', '5432', 'same-day', 'Cetes', 'rates', 'nervousness', '24.25', 'guerrillas', 'however', 'Co-ordinated', 'dead', 'notes', 'acceptances', 'pagares', '25.10', 'Dealers', 'longer-term', 'masked', 'posts', 'Oaxaca', 'assaults', 'Maturing', 'credits', '2.209', 'oversupply', '684', 'primary', 'inflow', 'Patricia', 'Lezama', 'newroom', '728', '9554', 'Peru', 'kill', 'hostage', 'jungle', 'LIMA', 'Peruvian', 'northeastern', 'anti-', 'Maoist', 'Shining', 'Path', 'Alomella', 'Robles', '345', '550', 'northeast', 'Lima', 'listen', 'speeches', 'passing', 'motorists', 'cars', 'daubed', 'whereabouts', 'hostages', 'severely', 'weakened', 'capture', 'Abimael', 'Guzman', 'stepping', 'slips', 'IRVINE', 'Subsidiaries', 'Quarter', 'Months', 'Unaudited', '17,024,000', '18,174,000', '31,834,000', '24,137,000', 'expense', '7,718,000', '6,828,000', '14,668,000', '13,091,000', 'Income', '9,167,000', '11,175,000', '16,909,000', '10,880,000', 'Per', 'Share', '0.86', '1.05', '1.59', '1.02', 'Weighted', '10,650,407', 'Pro', 'Forma', 'Historical', 'provision', '9,306,000', '11,346,000', '17,166,000', '11,046,000', 'forma', '3,820,000', '4,658,000', '7,047,000', '4,534,000', '5,486,000', '6,688,000', '10,119,000', '6,512,000', '0.37', '0.45', '0.68', '0.44', 'weighted', '14,775,000', 'expulsion', 'NAIROBI', 'Repatriation', '1.1', 'Hutu', 'Rwanda', 'Innocent', 'Butare', 'Return', 'Refugees', 'RDR', 'Hutus', 'deter', 'termed', 'inhuman', 'VIENNA', 'Rapid', 'GAK', 'Admira', 'Wacker', 'Sturm', 'Graz', 'Linzer', 'ASK', 'Tirol', 'Innsbruck', 'Salzburg', 'Wien', 'Ried', 'Viral', 'meningitis', 'doctors', 'type', '170', 'middle-aged', 'Emanuil', 'Ceausu', 'Victor', 'Babes', 'infectious', 'diseases', 'virus', 'identified', 'Illness', 'lasts', 'affects', 'gastro-intestinal', 'tract', 'fever', 'headache', 'vomiting', 'bacterial', 'Garlic', 'pills', 'cholesterol', 'finds', 'studies', 'flawed', 'benefit', 'significantly', 'garlic', 'tablets', '900', 'milligrams', 'powder', 'placebo', 'significant', 'differences', 'receiving', 'Journal', 'College', 'Physicians', 'eat', 'low-fat', 'diet', 'measured', 'six-week', 'accurate', 'disputed', 'trials', 'interpreted', 'incorrectly', 'diets', 'beforehand', 'duration', 'six-month', 'Heart', 'Foundation', 'Lichtwer', 'Pharma', 'GmbH', 'Kwai', 'brand', '7950', 'Main', 'Tunisian', 'HQ', 'Tunisia', 'rent', 'Khalfallah', 'MDS', 'bailiff', 'accompagnied', 'enable', 'transfer', 'owing', 'vice-president', 'sentences', 'Moada', 'contacts', 'Libyan', 'Vice-president', 'Khemais', 'Chammari', 'disclosing', 'secrets', 'judicial', 'proceedings', 'affair', 'To', 'Ismail', 'Boulahya', 'politically', '1978', 'Mestiri', 'Succeeding', 'nationalist', 'liberals', 'Mustapha', 'Jaafar', '05:30', 'Quarter-finals', 'Gabriela', 'Sabatini', 'Asa', 'Carlsson', 'Katarina', 'Studenikova', 'farmer', 'mutilated', 'VERONA', 'homocide', 'mutilating', 'bodies', 'sex', 'ANSA', 'Gianfranco', 'Stevanin', 'Verona', 'magistrate', 'recall', 'remembering', 'lifeless', 'arms', 'sadmasochistic', 'assaulting', 'prostitute', 'murdering', 'villa', 'corpses', 'headless', 'decomposed', 'sack', 'canal', 'Lawyer', 'Cesare', 'dal', 'Maso', 'beheading', 'dumping', 'Adige', 'river', 'Dal', 'murder', 'interrogations', 'investigators', 'suffocated', 'putting', 'plastic', 'bags', 'heads', 'digging', 'passer-by', 'killer', 'murders', 'Eugene', 'guilty', 'commanded', 'hit-squad', 'wiped', 'servant', 'THURSDAY', 'AMERICAN', 'EASTERN', '.571', '.532', '.500', 'DETROIT', '.354', 'CENTRAL', '.598', '.535', '.496', 'MILWAUKEE', '.469', '.450', 'WESTERN', 'TEXAS', '.578', 'SEATTLE', '.516', 'OAKLAND', '.477', 'CALIFORNIA', '.465', 'FRIDAY', 'SCHEDULE', '.627', 'MONTREAL', '.540', '.457', '.531', 'ST', 'LOUIS', '.528', '.504', 'CINCINNATI', 'PITTSBURGH', '.425', '.543', '.432', 'doubleheader', 'HOPES', 'RETURN', 'all-rounder', 'swap', 'counties', 'Explaining', 'premature', 'departure', 'unavoidable', 'EURO', 'COMPETITION', 'DRAWS', 'Draws', 'competitions', 'x', 'Lyngby', 'x-Club', 'Casino', 'Besiktas', 'Alania', 'Vladikavkaz', 'x-Anderlecht', 'Winners', 'x-Cercle', 'Brann', 'Bergen', 'tells', 'Agriculture', 'meat', 'Until', 'panels', 'preference', 'ZDF', 'holes', 'tops', 'priorities', 'erupted', 'acknowledged', 'rethink', 'suspect', 'tissue', 'experts', 'studied', 'separately', 'perfectly', 'safe', 'summit', 'progressive', 'parallel', 'eradicate', 'MONDAY', '.569', '.508', '.470', '84', '.359', '.595', '.526', '.447', '.573', '.515', '.466', '27TH', '.628', '.402', '.530', '.527', '.492', '.423', '.545', '.538', '.523', '.434', 'Leaders', 'Spokesman', 'cease', 'solidify', 'cease-fire', 'pursue', 'precise', 'repelled', 'wounding', 'capturing', 'opposing', 'mountainous', 'Kornblum', 'Milosevic', 'Greste', 'BELGRADE', 'Serbian', 'Slobodan', 'effort', 'defuse', 'surrounding', 'post-war', 'Belgrade', 'registration', 'Serb', 'refugee', 'discussed', 'primarily', 'manipulation', 'voter', 'Republika', 'Srpska', 'scheduled', 'bolster', 'patron', 'rectify', 'urged', 'resolved', 'workers', 'coerced', 'register', 'Serb-held', 'wartime', 'expulsions', 'conquest', '10-day', 'angry', 'blessing', 'endorsed', 'legitimate', 'Croatian', 'Zagreb', 'Banja', 'Luka', 'Biljana', 'Plavsic', 'Sarajevo', 'oversee', 'dissolution', 'Croat', 'mini-state', 'U.N.', 'officers', 'run-up', 'Voters', 'choosing', 'three-member', 'union', 'comprised', 'Moslem-Croat', 'Speaker', 'threats', 'Humayun', 'Rasheed', 'Choudhury', 'callers', 'Bengali', 'Banglabazar', 'Patrika', 'speaker', '330-member', 'Awami', 'Sheikh', 'Hasina', '41st', 'Assembly', '1986-87', 'Begum', 'Khaleda', 'Zia', 'BNP', 'followers', 'assemby', 'sessions', 'partisan', 'ineffective', 'contributing', 'MPs', 'district', 'Bogra', 'resorting', 'instability', 'desireable', 'designs', 'sternly', 'Nigerian', 'jeopardize', 'trip-Canada', 'OTTAWA', 'cancel', 'circumstances', 'BRAZILIAN', 'Bragantino', 'Vasco', 'da', 'Gama', 'Cricuma', 'Fluminense', 'Cruzeiro', 'Flamengo', 'Goias', 'Palmeiras', 'Gremio', 'Vitoria', 'Parana', 'Guarani', 'Portuguesa', 'Mineiro', 'Sport', 'Recife', 'Coritiba', 'Criciuma', 'Note', 'Top', 'qualify', 'quarter-finals', 'determined', 'Third', 'Vacek', 'Patrick', 'Rafter', 'Philippoussis', 'Nestor', 'Colombia', 'reach', 'Colombian', 'allow', 'AMR', 'Airlines', 'round-trip', 'flights', 'Bogota', 'Transportation', 'shift', 'gateway', 'designate', 'all-cargo', 'carrier', 'nations', 'permitted', 'Category', 'Conditional', 'Aviation', 'Administration', 'Safety', 'safety', 'assessment', 'exception', 'maintain', 'routes', 'airlines', '2-1/2', 'dispute', 'denial', 'Colombians', 'propose', 'Avianca', 'ACES', 'BayerVB', 'C$', 'six-year', 'Dominion', 'BAYERISCHE', 'VEREINSBANK', '6.625', '24.SEP.02', 'STRAIGHT', '100.92', '24.SEP.96', '1.875', '99.32', '+20', 'AA1', 'LUX', 'FREQ', 'CA', '0.275', '1.60', 'UNDERLYING', 'GOVT', 'BOND', 'SEPT', 'IS', 'JOINT', 'LEAD', '7658', 'Penn', 'Treaty', 'terminates', 'acquisition', 'ALLENTOWN', 'terminated', 'non-binding', 'intent', 'Merrion', 'Insurance', 'announcing', 'actively', 'licensing', 'license', 'conduct', 'Vermont', 'domiciled', 'insurer', '212-859-1610', 'Soccer', 'invitation', 'suitable', 'matters', 'Bilateral', 'FERRIGATO', 'SPRINTS', 'ZURICH', 'Ferrigato', 'sprinted', 'weekends', 'Max', 'Sciandri', 'similarly', 'narrow', 'Bartoli', 'Museeuw', '237km', 'Armstrong', 'pack', 'Oerlikon', 'velodrome', 'back-to-back', 'rankings', 'continues', 'VW', 'doubling', 'DRESDEN', 'carmaker', 'Volkswagen', 'AG', 'profits', 'confident', 'Bruno', 'Adelt', 'introduction', 'Passat', 'sedan', 'Gilardi', 'Frankfurt', '756525', 'Post', 'Telecomm', 'SHANGHAI', 'Half-year', 'yuan', '115.259', '123.157', '20.318', '22.828', 'asset', '3.02', 'comparative', 'Earnings', '0.14', 'Posts', 'Telecommunications', 'Equipment', 'unaudited', 'dissolves', 'Costis', 'Stephnopoulos', '300-seat', 'Stephanopoulos', 'citing', 'convergence', 'tense', 'Elections', 'Biogen', 'Berlex', 'deposed', 'Leslie', 'Gevirtz', 'District', 'counsels', 'Laboratories', 'subsidiary', 'Schering', 'tempest', 'tube', 'involves', 'Drug', 'violated', 'Orphan', 'sclerosis', 'drug', 'Avonex', 'MS', 'Betaseron', 'patent', 'infringement', 'drugs', 'types', 'interferon', 'BioVest', 'Hedaya', 'Chiron', 'inventory', 'quarterly', '6.1', 'FDA', 'incentives', 'Ophran', 'Act', 'provides', 'exclusivity', 'differs', 'beta-1b', 'Judge', 'Wolf', 'counsel', 'Astrue', 'Chabora', 'attended', 'lawsuit', 'heard', 'Newark', 'N.J.', 'depositions', 'Bissell', 'preside', 'BONDS', 'CONSECUTIVE', 'STREAK', 'All-Star', 'fielder', 'Bonds', 'streak', 'appearing', 'pinch-hitter', 'battling', 'hamstring', '357', 'second-longest', 'majors', 'Cal', 'Ripken', 'major-league', '2,282nd', '13-0', 'pinch-hitting', 'MRI', 'mild', 'strain', '1-for-2', 'exiting', '32-year-old', 'hitting', '.307', 'homers', '107', 'bright', 'spots', 'last-place', 'outfielder', 'Sammy', 'Sosa', 'third-longest', 'bone', 'baseman', 'Queens', 'Rangers', 'gathering', 'fundamentalist', 'triggered', 'anger', 'fundamentalists', 'voiced', 'attending', 'expresses', 'rejection', 'together', 'masterminds', 'ideologists', 'financers', 'clarifications', 'clarification', 'Office', 'undermine', 'stability', 'CME', 'lumber', 'futures', 'Profit', 'weigh', 'underpinned', 'pattern', 'persisted', 'declining', 'firming', 'cash-related', 'buying', 'wood', 'Random', 'Lengths', 'spruce', '419', 'tbf', 'midweek', 'quote', 'Reduced', 'Expectations', 'partly', 'eased', 'Lumber', '0.20', '0.70', '413.20', '369.00', 'Jerry', 'Bieszk', '312-408-8725', 'observing', 'GROZNY', 'Rebel', '0800', 'gunfire', 'echoed', 'withdraw', 'rebel-dominated', 'mountains', 'separatists', 'shooting', 'fighter', 'Shabazov', 'bearded', 'wearing', 't-shirt', 'camoflage', 'trousers', 'Soon', 'burst', 'rocked', 'courtyard', 'T-72', 'tank', 'roared', 'checkpoints', 'Goncharova', 'poking', 'peaked', 'camouflage', 'helicopters', 'overhead', 'flares', 'peacemaker', 'patrols', 'sceptical', 'Goran', 'Ivanisevic', '3-7', 'Carlsen', 'Gregory', 'Carraz', 'Berasategui', 'Jason', 'Stoltenberg', '13-11', 'Lareau', 'Gaudenzi', 'Woodruff', 'walkover', 'China-bound', 'missionaries', 'Seoul', 'Ki-choo', 'Jiaxuan', 'Atheist', 'officially', 'bans', 'missionary', 'turns', 'blind', 'nominally', 'employed', 'teachers', 'remote', 'attract', 'DELHI', 'intended', 'I.K.', 'Gujral', 'adoption', 'possibility', 'signing', 'kind', '1974', 'built', 'Experts', 'assemble', 'veto', 'Comprehensive', 'Ban', 'CTBT', 'visualise', 'straining', 'text', 'blocked', 'clause', 'modified', 'forwarded', 'reiterated', 'objections', 'negotiation', 'Conference', 'Disarmament', 'weapon', 'hegemony', 'impossible', 'oblige', 'exercised', 'restraint', 'lone', 'accept', 'constraints', 'rely', 'arsenals', 'Dow', 'pushes', 'Griffiths', 'slipped', 'weakening', 'franc', 'sentiment', 'boosted', 'yen', 'chip', 'FTSE', 'peak', '3921.8', 'dropping', 'focus', 'rebounded', 'cancellation', 'jeopardise', 'tie-up', 'conclusion', 'prerequisite', 'link-up', 'Better-than-expected', 'non-EU', '506', 'sterling', '788', '1.12', 'Forecasts', 'deficits', '1.4', 'nonetheless', 'buoyed', 'chemical', '30-share', 'DAX', '2,563.16', '4.32', '2000', 'CAC-40', 'worries', 'autumn', 'strikes', 'Viannet', 'Communist-led', 'CGT', 'criticised', 'holidays', 'Later', 'firmer', 'negative', '108.40', '107.55', 'highs', 'corporate', 'tankan', 'manufacturers', 'gauge', 'rock-bottom', 'discount', '0.5', 'BOJ', 'defied', 'improving', 'spectacular', 'suggesting', 'breakout', 'Baader', 'slippage', 'faltering', 'CURRENCIES', '1.4765', '107.78', '1.4779', 'STOCK', 'MARKETS', 'Times-Stock', '3,920.7', '15.09', '2,002.9', 'PRECIOUS', 'METALS', 'fixed', '388.50', '388.55', 'Silver', '521.15', '1=.6421', 'Sterling', 'SHARPSHOOTER', 'KNUP', 'BACK', 'SWISS', 'Galatasaray', 'Knup', 'internationals', 'qualifier', 'Baku', 'Artur', 'Jorge', 'Rolf', 'Fringer', '19-man', 'Pascolo', 'Cagliari', 'Zuberbuehler', 'Grasshoppers', 'Henchoz', 'Hottiger', 'Everton', 'Yvan', 'Quentin', 'Sion', 'Ramon', 'Vega', 'Raphael', 'Wicky', 'Comisetti', 'Esposito', 'Fournier', 'Christophe', 'Ohrel', 'Lausanne', 'Sylvestre', 'Sesa', 'Servette', 'Ciriaco', 'Sforza', 'Inter', 'Murat', 'Yakin', 'Kubilay', 'Turkyilmaz', 'Bonvin', 'Chapuisat', 'FIORENTINA', 'SUPERCUP', 'Supercoppa', 'SuperCup', 'Gabriel', 'Batistuta', 'Dejan', 'Savicevic', '21st', '29,582', 'Help-wanted', 'ad', 'help-wanted', 'advertising', 'uneven', 'nature', '83.0', '85.0', 'Ken', 'Goldstein', 'Recent', 'want-ad', 'hiring', '2.5', 'gross', 'unemployment', 'rest', 'staying', 'drop', 'matched', 'declines', 'Mountain', 'GIANTS', 'EDGE', 'PHILLIES', 'VanLandingham', 'scoreless', 'Glenallen', 'first-inning', '8-13', 'walks', 'strikeouts', 'follow-through', 'pitches', 'Andres', 'Galarraga', 'extra-base', 'Swift', '9-5', 'rain-shortened', 'seven-inning', 'underwent', 'arthroscopic', 'Benes', 'Royce', 'Clayton', 'run-scoring', '3-2', '14-9', 'decisions', 'one-half', 'first-place', 'Alain', 'Juppe', 'insufficient', 'hunger', 'enters', '49th', 'church', 'attracts', 'sympathisers', 'FLNC', 'Corsican', 'announces', 'Shutdown', 'Bally', 'factories', 'shoe', 'undercut', 'low-wage', 'abreast', 'trends', 'Sud-PTT', 'Telecom', 'Wife', 'gun', 'victim', 'Brady', 'praises', 'Sarah', 'disabled', 'Reagan', 'praise', 'wheelchair', 'Mrs.', 'handgun', 'bill', 'controlling', 'firearm', 'Bradys', 'cane', 'rousing', 'reception', 'teenaged', 'sat', 'VIP', 'box', 'wrong', 'congressmen', 'stopped', 'felons', 'prohibited', 'purchasers', 'Today', 'stopping', 'saluting', 'hunter', 'sportsman', 'understands', 'Remington', 'rifle', 'AK47', 'knows', 'hunting', 'Uzi', 'Mr.', 'deserve', 'thanks', 'thumbs', 'audience', 'gunman', 'Hinckley', 'deranged', 'impress', 'Jodie', 'Foster', 'actress', 'background', 'pass', 'Rifle', 'adoptive', 'DALLAS', 'Dallas', 'McCullough', 'gunshot', 'shotgun', '.357', 'motive', 'adopted', 'neighbours', 'loud', 'arguments', 'YUGOSLAV', 'Vojvodina', 'Partizan', 'Crvena', 'zvezda', 'Proleter', 'Zelesnik', 'Rudar', 'WEDNESDAY', 'DBRS', 'Bond', 'preferred', 'Pfd-2', 'debentures', 'cumulative', 'non-cumulative', 'AA', 'Pfd-1', 'adviser', 'Morris', 'resignation', 'strategist', 'Dick', 'resigned', 're-election', 'engaged', 'year-long', '200-an-hour', 'limelight', 'resign', 'supermarket', 'Star', 'reprinted', 'editions', 'married', 'hired', '37-year-old', 'advise', 'sadistic', 'vitriol', 'journalism', 'dignify', 'answer', 'delegates', 'accepting', 'four-year', 'Congressman', 'Sayed', 'Salahuddin', 'KABUL', 'Ahmad', 'Masood', 'briefed', 'Dana', 'Rohrabacher', 'wartorn', 'transitional', 'constitution', 'barred', 'Bagram', 'airbase', 'Red', 'Cross', 'militia', 'Amrollah', 'promote', 'long-time', 'intends', 'neutralise', 'initiated', 'Afghans', 'themselves', 'Hamid', 'Ibrahimi', 'neutral', 'Jalalabad', 'Taleban', 'Kandahar', 'locked', 'communist', 'Belenenses', 'Boavista', 'turnover', 'depressed', 'AEX', '4.54', 'easier', '556.19', 'defensive', 'tough', 'worrying', 'Stocks', 'topping', '1.90', '58.70', 'IHC', 'Caland', 'unchanged', '2.40', '80.70', '34.9', '36.6', '37.5', '47.2', 'Banking', 'ex-dividend', '0.60', '52.90', 'Nutricia', 'shrugged', 'ex-div', 'tag', 'soar', '4.10', '214.40', 'alight', 'sending', '18.40', '210.00', 'Engineering', 'Stork', 'Fokker', 'short-lived', '51.00', 'Barnsley', 'Reading', 'Stoke', 'Swindon', 'Wolverhampton', 'Bolton', 'Man', 'Hashimoto', 'Ryutaro', 'Brasilia', 'penultimate', 'Latin', 'Rica', 'scandal', 'JAKARTA', 'rupiah', '2.9', 'resulting', 'fake', 'transactions', 'Jakarta', 'Sudradjat', 'Djiwandono', '43-year', 'suspects', '2,341', 'BEIRUT', 'Beirut', 'AN-NAHAR', 'Confrontation', 'escalating', 'Hizbollah', 'Hariri', 'AS-SAFIR', 'Parliament', 'Berri', 'Syria', 'Parliamentary', 'AL-ANWAR', 'Continued', 'violation', 'Mount', 'AD-DIYAR', 'incomplete', "NIDA'A", 'AL-WATAN', 'Maronite', 'Patriarch', 'Sfeir', 'sorrow', 'churches', 'slam', 'rural', 'impunity', 'voices', 'condemn', 'day-to-day', 'hinterland', 'punish', 'landless', 'peasants', 'Jesus', 'countryside', 'Letter', 'Churches', 'Coordinate', 'Ecumenical', 'Henrique', 'Cardoso', 'seminar', 'endemic', 'gripping', 'Thirty-six', 'massacred', 'Para', 'Lucas', 'Moreira', 'Neves', 'Catholic', 'Bishops', 'MARSEILLE', 'HOLD', 'AUXERRE', 'GOALLESS', 'goalless', 'lacklustre', 'Unbeaten', 'trail', 'Lens', 'host', 'Montpellier', 'restored', 'pride', 'bay', 'Metz', 'recruits', 'word', 'fluidity', 'Andreas', 'Koepke', 'fine', 'parries', 'lie', 'THREE', 'PULL', 'mate', 'Giovanni', 'Bronckhorst', 'Ferdy', 'TABLE', 'supremo', 'contents', 'disclosed', 'disengagement', 'ROMANIAN', 'DIES', 'BUS', 'CRASH', 'BULGARIA', 'SOFIA', 'Romanian-registered', 'bus', 'Bulgarian', 'buses', "o'clock", 'Rousse', 'Veliko', 'Tarnovo', 'investigated', 'Sofia', '359-2-84561', 'F-14', 'catches', 'landing', 'JERUSALEM', 'blew', 'tyre', 'Gurion', 'wheel', 'Yehiel', 'Amitai', 'pilots', 'Airport', 'brigade', 'flames', 'MATCHES', 'Molata', 'Andersson', '22nd', 'Haessler', 'Balakow', '50th', 'Bobic', '61st', 'Votava', '68th', '32,000', 'Schwabl', 'Zorc', '59th-pen', 'Moeller', 'Heinrich', 'Seeliger', '18,000', 'Zeyer', '52nd', 'Gaissmayer', '9th', 'Polster', '22,500', 'Revered', 'skull', 'limelight-loving', 'disgrace', 'prized', 'sacred', 'tribal', 'ancestor', 'forensic', 'scientist', 'examined', 'supposed', 'King', 'Hintsa', 'Xhosa', 'tribe', 'cranium', 'Nicholas', 'Gcaleka', 'skins', 'regalia', 'journeyed', 'wintry', 'hugely', 'publicised', 'quest', 'witchdoctor', 'dream', 'trophy', 'allegedly', 'beheaded', '1835', 'cottage', 'lonely', 'Highland', 'Inverness', 'spirit', 'Members', 'royal', 'branding', 'charlatan', 'confiscated', 'shape', 'PRIZE', 'WINNERS', 'TOUR', 'prize', '480,618', 'Colin', 'Montgomerie', '429,449', '301,972', 'Allenby', '291,088', 'McNulty', '254,247', '253,337', 'Coltart', '246,077', '233,713', '229,360', '211,175', 'Nobilo', '209,412', 'McGinley', '208,978', '207,990', 'Padraig', 'Harrington', '202,593', 'Retief', 'Goosen', '188,143', '181,005', '172,580', 'Mitchell', '170,952', '19.', 'Payne', '165,150', '20.', 'Claydon', '156,996', 'BATISTUTA', 'DOUBLE', 'perfect', 'birthday', 'Supercup', '1926', 'marked', 'Schwarz', 'lob', 'chipping', 'Franco', 'Baresi', 'Montenegrin', 'equalised', 'weaving', 'checking', 'left-footed', 'Francesco', 'Toldo', 'shoot', 'looming', 'Desailly', 'fouled', 'Boca', 'Juniors', 'rammed', 'curling', 'dipping', 'Batigol', 'adoring', 'reward', 'impressive', 'Weah', 'rusty', 'Baggio', 'substitute', 'confiscates', 'rulers', 'article', 'CAIRO', 'copies', 'Cyprus-based', 'al-Tadamun', 'editorial', 'editor-in-chief', 'Liwaya', 'Information', 'censors', 'front-page', 'entitled', 'Chronic', 'Mental', 'compliant', 'undergo', 'compulsory', 'examination', 'psychiatrists', 'capacities', 'behave', 'extreme', 'peoples', 'Zionists', 'censorship', 'riyal', 'MANAMA', 'interbank', 'deposit', '3.7504', '06', 'One-month', 'deposits', '5-1/2', '3/8', '5-5/8', '5-3/4', '5/8', 'One-year', '5-7/8', 'Orthodox', 'ZAGREB', 'Saboteurs', 'orthodox', 'Hina', 'HINA', 'Gornji', 'Zadar', 'lived', 'self-styled', 'Krajina', 'proclaimed', 'recaptured', 'vacant', 'depopulated', 'CAPTAIN', 'BLIND', 'Endt', 'ANP', 'selection', 'devote', 'MOROCCAN', 'RABAT', 'Widad', 'Fes', 'Oujda', 'Raja', 'Casablanca', 'Tetouan', 'Jeunesse', 'Massira', 'Meknes', 'Settat', 'Marrakesh', 'Khouribga', 'Mohammedia', 'Sidi', 'Kacem', 'Forces', 'Jadida', 'Hassania', 'Agadir', 'Anti-abortion', 'Democrat', 'tolerance', 'Alan', 'Elsner', 'anti-abortion', 'politician', 'addressed', 'pro-abortion', 'Rep', 'Hall', 'abortion', 'platform', 'conscience', 'recognizes', 'welcomes', 'divergent', 'inclusiveness', 'organizers', 'prevented', 'Pennsylvania', 'Casey', 'vehement', 'opponent', 'Republicans', 'intolerance', 'ought', 'pro-woman', 'pro-child', 'pro-life', 'deliver', 'deaf', 'ears', 'abortions', 'dilemma', 'Dole', 'nominee', 'insert', 'recognizing', 'validity', 'passionate', 'Kate', 'Michelman', 'Abortion', 'Action', 'procedure', 'disdain', 'compassion', 'Cynthia', 'McKinney', 'moral', 'Newt', 'Gingrich', 'Sea', 'lion', 'paparazzi', 'tabs', 'whales', 'marine', 'biologists', 'cruise', 'depths', 'Scientist', 'Harvey', 'Hurley', 'Moss', 'Landing', 'Marine', 'natural', 'companions', 'species', 'whale', 'Any', 'diver', 'ca', '17-year-old', 'Beaver', 'nine-year-old', 'Sake', 'Navy', 'park', 'accurately', 'transmitter', 'swim', 'mammals', 'filming', 'video', 'assignment', 'documenting', 'humpback', 'Monterey', 'exactly', 'taught', 'stick', 'suction', 'cups', 'Gun-wielding', 'motorist', 'pistol', 'overtook', 'lane', 'motorway', 'photographed', 'Prosecutors', 'Potsdam', 'nerve', 'coercion', 'behaviour', 'SELES', 'HAS', 'WALKOVER', 'co-world', 'Championships', 'Laurence', 'Courtois', 'Wednesay', 'four-and-a-half', 'gluten', 'meal', 'steady-higher', 'flat', 'seasonal', 'pickup', 'AREA', 'MILLS', 'ton', 'Gluten', 'Spot', '117.00', 'unc', 'pellets', 'unq', '320.00', 'DECATUR', 'IL', 'CLINTON', 'CEDAR', 'RAPIDS', 'IA', '310.00', '312-408-8720', 'Cleveland', 'Minnesota', 'Boston', 'Matahari', 'revises', 'Indonesian', 'PT', 'Putra', 'Prima', 'Hanifah', 'Komala', '+6221', '384-6364', 'sacks', 'golfer', 'sacked', 'Butch', 'Harmon', 'parted', 'ways', 'mentor', 'drawing', 'blank', 'tournaments', 'blonde', 'adrift', 'Tanaki', 'circuit', 'My', 'strange', 'keyed', 'perform', 'Jiang', 'Zemin', 'gratitude', 'Omar', 'Bongo', 'Xinhua', 'thanking', 'technological', 'quashed', 'expressing', 'freedoms', 'drafted', 'motion', 'censure', 'forum', 'wide', 'code', 'silence', 'dissent', 'commentary', 'plot', 'doomed', 'Fire', 'hurled', 'consulate', 'thrown', 'fence', 'Consulate-General', 'Surabaya', 'Stromme', '700', '430', 'Somebody', 'molotov', 'cocktail', 'parking', 'AUCKLAND', 'hunted', 'Shore', 'Senior', 'Sergeant', 'Dave', 'Pearson', 'Fagan', 'telephoned', 'distraught', 'feared', 'Northcote', 'sheds', 'confronted', '16-year-old', 'onlookers', 'disarm', '473-4746', 'Loxley', 'H1', '332.66', 'baht', 'BANGKOK', 'Reviewed', '8.32', '6.66', '266.37', 'Full', 'Publications', 'Bangkok', '662-252-9950', 'AEK', 'OLYMPIAKOS', 'x-AEK', 'Chemlon', 'Humenne', 'x-Olympiakos', 'x-PAO', 'indicates', 'POISED', 'STEP', 'UP', 'CHALLENGE', 'new-ball', 'Neil', 'Ilott', 'reeling', 'deliveries', 'left-armer', '252', 'thrust', 'dispatching', 'Matt', 'Windows', 'Symonds', 'Dominic', 'Hewson', 'Hancock', 'optimistically', '532', 'Prichard', 'plundered', 'Second-placed', 'frustrated', '255', 'third-placed', 'uphill', '446', 'Trent', 'Bridge', 'Alistair', '55-ball', 'half-century', 'rain-curtailed', 'Fourth-placed', 'ropes', 'intervened', 'Pace', '2-24', 'Gordon', 'Parsons', '3-20', 'Vince', '2-19', '353', 'rekindled', 'defeats', 'upper', 'Facing', '529', '206', '323', 'paceman', 'polishing', 'Fairbrother', 'sells', '1.38', 'auctioned', 'three-', 'five-', '10-year', 'bids', '1.126', '44.5', '782.6', '9221-5685192', 'Queen', 'Beatrix', 'monarch', 'cultural', 'settlers', '1652', 'queen', 'Claus', 'Samir', 'Arnaut', 'MATUZICI', 'Thousands', 'farce', 'incomers', 'cementing', 'partition', 'Doboj', 'Matuzici', 'waved', 'banners', 'Moslem-led', 'Western-organised', 'places', 'packed', 'registered', 'Critics', 'billed', 'reintegrate', 'multi-ethnic', 'shaping', 'facto', 'jure', 'Dayton', 'truly', 'implemented', 'Edhem', 'Efendija', 'Camdzic', 'imam-in-exile', 'highlight', 'misfortune', 'upon', 'Reuf', 'Mehemdagic', 'municipality-in-exile', 'Eleven', 'thousand', 'How', 'reintegration', 'Mirhunisa', 'Komarica', 'Ejup', 'Ganic', 'fortune', 'applause', 'untie', 'knot', 'ensured', 'civilian', 'mobs', 'impassable', '1992-95', 'Serb-controlled', 'beefed', 'sudden', 'emotional', 'Inter-Entity', 'Boundary', 'Line', 'dispersed', 'scuffled', 'Senegal', 'cholera', 'outbreak', 'DAKAR', 'Kaolack', '291', 'Masserigne', 'Ndiaye', 'overwhelmed', 'rushing', 'symptoms', 'deaths', 'Senegalese', 'Dakar', 'viable', 'Governor', 'Chakravarty', 'Rangarajan', 'GDP', 'sustainable', 'currrent', '14-15', 'non-debt', 'flows', 'reduction', 'debt-service', 'ratio', 'postpones', 'SARAJEVO', 'voting', 'assemblies', 'Frowick', 'representing', 'feasible', 'pressed', 'majorities', 'Serbia', 'well-organised', 'coerce', 'establish', 'districts', 'conquered', 'ethnically', 'cleansed', 'hinted', 'flagrant', 'fo', 'administer', 'cast', 'entire', 'appears', 'rather', 'EDBERG', 'EXTENDS', 'SLAM', 'TOPPLES', 'WIMBLEDON', 'CHAMP', 'vintage', 'extend', 'toppling', 'competing', 'illustrious', 'serve-and-volley', 'fifth-seeded', 'Dutchman', '30-year-old', 'Swede', 'gray', 'unseeded', 'grip', 'volleyed', 'grace', 'dominant', 'Also', 'top-seeded', 'sprained', 'romp', 'fellow-American', 'overcame', 'fifth-', 'sidelines', 'Corporate', 'employee', 'skilled', 'nicely', 'employer', 'consulting', 'Towers', 'Perrin', 'performs', 'Presently', 'accountant', 'tasks', 'salary', "O'Neal", 'evaluated', 'solely', 'skill', 'abilities', 'skills', 'creative', 'sensitive', 'customer', 'needs', 'productivity', 'organisation', '750', 'mid-to-large', 'corporations', 'surveyed', 'restructuring', 'two-thirds', 'Next', 'firms', 'structure', 'skills-based', 'non-management', 'fad', 'inexorable', 'creating', 'hierarchical', 'concept', 'defined', 'became', 'customers', 'Multi-layers', 'emphasis', 'raise', 'Is', 'Do', 'eliminate', 'bonuses', 'Companies', 'high-performing', 'equity', 'variable', 'managers', 'celebrate', 'high-performance', 'engaging', 'cargo', 'January-July', 'FRANKFURT', 'volumes', 'handled', 'airports', 'exclude', 'trucked', 'airfreight', 'association', 'ADV', '17,844', 'Tegel', '10,896', 'Tempelhof', '60.0', 'Schoenefeld', '6,746', '16.8', '1,453', '13.1', 'Dresden', '792', '11.4', 'Duessseldorf', '31,347', '768,269', '1.5', '21,240', 'Hannover', '6,030', '15.3', 'Koeln', '182,887', '11.8', 'Leipzig', 'Halle', '1,806', '45.6', '44,525', 'Muenster', 'Osnabrueck', '28.2', 'Nuremberg', '25,929', '17.8', 'Saarbruecken', '626', '28.3', '10,655', '11.7', 'TOTAL', '1,113,785', '161', 'Mother', 'Teresa', 'CALCUTTA', 'Saint', 'Gutters', 'Prize', '1979', 'bringing', 'dignity', 'unwanted', 'heaps', 'honours', 'regards', 'saint', 'nun', 'Albanian', 'descent', 'maintains', 'merely', 'fulfilment', 'neglected', 'sympathy', 'pity', 'diminutive', 'Roman', 'respiratory', 'alone', 'slums', 'densely-populated', 'Calcutta', 'touch', 'hearts', 'characteristically', 'unworthy', 'showering', 'Bharat', 'Ratna', 'Jewel', 'Her', 'deteriorate', 'fitted', 'pacemaker', 'Vatican', 'Superior', 'Missionaries', 'Charity', 'elect', 'successor', 'pneumonia', 'ribs', 'malaria', 'complicated', 'fractured', 'collar', 'increasing', 'frailty', 'arthritis', 'eyesight', 'travels', 'mingle', 'Agnes', 'Goinxha', 'Bejaxhiu', 'Skopje', '1910', 'deeply', 'Loretto', 'hoping', 'Order', 'Abbey', 'Dublin', 'novitiate', 'teach', 'geography', 'convent', 'divine', '1946', 'interviewer', 'belonged', 'superior', 'slum', 'Therese', 'Child', 'simply', 'dying', 'Hindu', 'penniless', 'Named', 'Nirmal', 'Hriday', 'Tender', 'chain', 'destitute', 'admitting', 'documentary', 'mixture', 'hyperbole', 'credulity', 'Catholics', 'Earthquake', 'jolts', 'Zealands', 'earthquake', 'measuring', 'Richter', 'scale', 'shook', 'quake', 'Waiau', 'cities', 'Christchurch', 'minor', 'spa', 'Hanmer', 'prone', 'frequent', 'earthquakes', '208', '156', '144', '137', '120', '108', 'Noisy', 'Thai', 'heroin', 'hideaway', 'carpenter', 'seaside', 'Pattaya', 'kg', '39.7', 'noisy', 'Cheung', 'Siu', 'searched', 'hidden', 'hollow', 'spaces', 'wooden', 'planks', 'sawing', 'escaping', 'door', 'collaborators', 'pending', 'YANKEES', 'LOSE', 'bases-loaded', 'walk', 'wild-card', 'wild', '12-11', 'Athletics', 'rallied', 'reliever', 'Acre', 'Then', 'Art', 'Howe', 'intentionally', 'Rafael', 'Palmeiro', 'Bobby', 'Bonilla', 'bases', 'plate', 'pitch', 'Sox', 'Jay', 'Buhner', 'eighth-inning', 'opener', 'three-game', 'starter', 'Jimmy', 'Key', 'shortstop', 'Rodriguez', 'lined', 'elbow', 'AL', 'six-hitter', 'Vaughn', "O'Leary", 'solo', 'surging', '20-6', '2nd', 'Eldred', '5-1/3', 'Jaha', 'doubled', 'Brewers', 'Miranda', 'batter', 'Wickman', 'eighth', 'Thome', 'Nagy', 'three-hitter', 'Indians', 'tied', 'Felipe', 'Lira', '6-11', 'left-field', '29th', 'Juan', 'Delgado', 'Blue', 'Jays', 'Twins', '10-game', '11-8', 'raw', '14.8', '95', 'BUENOS', 'AIRES', '355,900', '1.9', 'Steel', 'Primary', 'iron', '297,700', 'Hot', 'laminate', '349,000', '3.2', 'Production', 'laminates', '120,500', '4.2', 'Webb', 'Buenos', 'Aires', '+541', '318-0655', 'TOGO', 'CONGO', 'AFRICA', 'NATIONS', 'QUALIFIER', 'LOME', 'Scorer', 'Headlines', 'EL', 'PAIS', 'obstructing', 'Lasa-Zabala', 'GAL', 'MUNDO', 'prescriptions', 'DIARIO', 'Gomez', 'Liano', 'ABC', 'Aznar', 'CINCO', 'DIAS', 'BCH', 'hive', 'Chilean', 'pensions', 'EXPANSION', 'Coopers', 'Lybrand', 'emigrates', 'Country', 'GACETA', 'NEGOCIOS', 'Catalan', 'surgeon', 'discarding', 'CHARLESTON', 'S.C.', 'discovery', 'amputated', 'Charleston', 'improperly', 'disposed', 'Sullivan', 'deformed', 'infant', 'prosthesis', 'orthopedic', 'educational', 'purposes', 'freezer', 'spoiled', 'apologised', 'crab', 'trap', 'flesh', 'overrun', 'LTTE', 'stormed', 'Kudapokuna', 'Welikanda', 'dawn', 'Tamils', 'Suspected', 'vehicle', 'army-controlled', 'Vavuniya', 'undercover', 'mainland', '14th', 'Havel', 'Vaclav', '15-21', 'Manaus', 'Sam', 'Chancellor', 'Helmut', 'Kohl', 'jewel', 'heist', 'ATLANTIC', '690,000', 'theft', 'jewelry', 'Showboat', 'Hotel', 'Capt', 'Andrews', 'videotape', 'suitcase', 'resembling', 'thefts', 'wholesaler', 'Schein', 'suitcases', 'closet', 'Jewellers', 'mid-twenties', 'older', 'distract', 'McGilley', '650,000', 'description', 'FSA', 'qualifies', 'muni', 'Assurance', 'qualified', 'Ark', '2.44', 'refunding', 'Ansgar', 'Community', 'Iowa', '3.334', 'obligation', 'Avalon', 'Borough', 'GOs', 'Seaford', 'N.Y.', '6.31', 'Municipal', '212-859-1650', 'accuse', 'PA', 'NABLUS', 'bookseller', 'distribute', 'critics', 'Israeli-PLO', 'destroy', 'Daoud', 'Makkawi', 'Nablus-based', 'al-Risala', 'bookshop', 'Said', 'scholar', 'outspoken', 'critic', 'Israel-PLO', 'Director-General', 'Mutawakel', 'Taha', 'Authority', 'censor', 'strategy', 'suppress', 'expression', 'whatsoever', 'relevent', 'legislations', 'resulted', 'mistakes', 'explain', 'journalists', 'writers', 'authors', 'Journalist', 'Seale', 'shop', 'afraid', 'Baghdad', 'Hassan', 'Hafidh', 'Mujahideen', 'Khalq', 'Rajavi', 'Secretary-General', 'KDPI', 'Rastegar', 'emphasised', 'Resistance', 'compatriots', 'signals', 'oppositions', 'bombarded', 'pursuit', 'bordering', 'Kuwait', 'Clashes', 'U.S.-sponsored', 'Qasri', 'Suleimaniya', 'mount', 'protects', 'crashes', 'MUZAFFARABAD', 'mountain', 'ravine', 'Pakistan-ruled', 'Azad', 'instantly', 'Muzaffarabad', 'Garhi', 'Habibullah', 'northwest', 'SOSA', 'SURGERY', 'SIX', 'WEEKS', 'Valuable', 'Player', '20th', 'Hutton', '8-1', '124', 'playoff', 'TIRANA', 'Tirana', 'Flamurtari', 'Vlore', 'Albania', 'Lubarskij', 'Valkucak', '5,000', 'Bistrita', 'Gloria', 'Valletta', 'Malta', 'Ilie', 'Lazar', '32nd', 'Eugen', 'Voica', '84th', 'Agius', 'Chorzow', 'Ruch', 'Llansantffraid', 'Arkadiusz', 'Bak', '1st', '55th', 'Arwel', 'Miroslav', '62nd', '63rd', '6,500', 'Kotaik', 'Abovyan', 'Armenia', 'Zoran', 'Kundic', '28th', 'Milenko', 'Kovasevic', 'Koprinovic', '82nd', 'Pavlos', 'Markou', 'Siauliai', 'Kareda', 'Lithuania', 'agrregate', 'Vinnytsya', 'Nyva', 'Tallinna', 'Sadam', 'Estonia', 'Aggregate', 'Shelbourne', 'Mons', 'Ivar', 'Mjelde', 'Ove', 'Pedersen', '72nd', 'Rutherford', '2,189', '5-2', 'Levski', 'Olimpija', 'Slovenia', 'Ilian', 'Simeonov', '58th', 'penalties', 'Vaduz', 'Liechtenstein', 'RAF', 'Riga', 'Daniele', 'Polverino', 'Agrins', 'Zarins', 'Luxembourg', 'Varteks', 'Varazdin', 'Drazen', 'Beser', 'Miljenko', 'Mumler', '78th', 'Jamir', 'Cvetko', '87th', 'Torshavn', 'Havnar', 'Boltfelag', 'Faroe', 'Dynamo', 'Batumi', '9-0', 'Glentoran', 'Gunda', 'Lumir', 'Mistr', 'Horst', 'Siegl', 'Zdenek', 'Svoboda', '10-1', 'Edinburgh', 'Hearts', 'McPherson', 'Vinko', 'Marinovic', '15,062', 'Rishon-Lezion', 'Hapoel', 'Ironi', 'Constructorul', 'Chisinau', '3-3', 'Anjalonkoski', 'MyPa-47', 'Karabach', 'Agdam', 'Mypa-47', 'Sloga', 'Jugomagnat', 'Macedonia', 'Honved', 'Add', 'Rishon', 'Moshe', 'Sabag', 'Nissan', 'Kapeta', 'Tomas', 'Cibola', 'Constructorol', 'Rogachev', 'Gennadi', 'Skidan', 'MILLNS', 'SIGNS', 'BOLAND', 'Boland', 'toured', '1992/93', 'replaces', 'Phillip', 'DeFreitas', 'DECLARE', 'INNINGS', 'FORECAST', 'COMPANY', 'CONSENSUS', 'DAY--COMPANY----PERIOD--CONSENSUS----RANGE-------PVS', 'MON', 'YR', '93.12', '92.0-94.5', '73.8', 'DIV', '25.75', '25.0-27.0', '20.0', 'Primedia', 'N', '149.1', '123.2', 'Distillers', '71.8', '49.0', 'TUE', 'Iscor', '29.7', '26.0-32.0', '15.0', '14.5-16.5', '16.5', 'McCarthy', '125.3', '112.0-149.0', '93.2', '36.8', '32.0-43.0', '28.0', 'WED', 'Imphold', '172.7', '170.4-175.0', '115.1', '67.5', '66.6-68.4', '45.0', 'THU', 'M&R', '113.0', '112.1-113.4', '126.0', '31.7', '10.5-42.3', '47.0', 'JD', '143.7', '138.0-149.0', '111.2', '41.8', '41.0-42.5', 'ooOOoo', '482', '1003', 'Martina', 'Hingis', 'Montolio', 'Anne-Gaelle', 'Sidot', 'Janette', 'Husarova', 'Brenda', 'Schultz-McCarthy', 'Nana', 'Miyagi', 'Vitoux', 'Paraguay', 'Henrietta', 'Nagyova', 'Gala', 'Pizzichini', 'Barbara', 'Schett', 'Sabine', 'Appelmans', 'Cristina', 'Torrens-Valero', 'Hack', 'Helena', 'Sukova', 'Irina', 'Spirlea', 'Begerow', 'Gaidano', 'Schnell', 'Moya', 'Humphries', '9-7', 'Magnus', 'Gustafsson', 'Morocco', 'Dirk', 'Dier', 'Chuck', 'Pescosolido', 'Arnaud', 'Boetsch', 'Pereira', 'Prinosil', 'Tramacchi', 'Kournikova', 'Richterova', 'Debbie', 'Stephanie', 'Deville', 'Rittner', 'Kristina', 'Brandi', 'Glass', 'Ines', 'Gorrochategui', 'Grzybowska', 'Cecil', 'Mamiit', 'Guillaume', 'Raoux', 'Filip', 'Dewulf', 'Paulus', 'Yi', 'Jing-Qian', 'Corina', 'Morariu', 'Linda', 'Wild', 'Sung-Hee', 'Pitkowski', 'Meghann', 'Shaughnessy', 'Dally', 'Randriantefy', 'Madagascar', 'Makarova', 'Flora', 'Perfetti', 'Leander', 'Paes', 'Marcos', 'Ondruska', 'Siemerink', 'Carl-Uwe', 'Steeb', 'Neville', 'Godwin', 'Carbonell', 'Grabb', 'Sandon', 'Stolle', 'Alexandra', 'Fusai', 'Jill', 'Craybas', 'Jecmenica', 'Dechy', 'Christina', 'Chi', 'Lorenzo', 'Callens', 'Bradtke', 'Natalia', 'Baudone', 'Jolene', 'Watanabe', 'Kandarr', 'NICE', 'SACK', 'COACH', 'EMON', 'Struggling', 'Nice', 'parting', 'Albert', 'Emon', 'Bois', 'Monaco', 'Riviera', 'Guingamp', 'shops', 'rolled', 'shutters', 'stoppage', 'villages', 'Knifeman', 'beauty', 'knifed', 'Agnieszka', 'Kotlarska', 'Miss', 'U.S.-based', 'modelling', 'designer', 'Versace', 'Vogue', 'Gazeta', 'Wyborcza', 'fly', 'TWA', 'booking', 'attacker', 'Jerzy', 'L.', 'intending', 'Fairview', '1.82', 'Baa1', '08/21/96', 'TX', '1,820,000', '08/27/96', 'ARGENTINE', 'Apertura', 'Estudiantes', 'Ferro', 'Carril', 'Oeste', 'Independiente', 'Gimnasia-Jujuy', 'Platense', 'Huracan', 'Lanus', 'Huracan-Corrientes', 'Newell', 'Boys', 'Velez', 'Sarsfield', 'Racing', 'Rosario', 'River', 'Plate', 'Gimnasia-La', 'Plata', 'Banfield', 'Deportivo', 'Espanol', 'Colon', 'Phelan', 'Irish', 'DUBLIN', 'withdrawn', 'Liechenstein', 'F.A.I.', 'replacements', 'Damien', '+353', '6603377', 'COSTA', 'RICA', 'CHILE', 'LIBERIA', 'Salas', 'BALANCE-Water', 'Dist', 'Cty', 'Kan', 'WATER', 'DISTRICT', 'CO', 'KS', 'RE', '45,020,000', 'REVENUE', '22,040,000', 'SER', '1996A', '22,980,000', 'RFDG', '1996B', 'Aa', 'Delivery', '09/05/1996', 'FIRM', '06/01', '12/01', '-------------------------------------------------------------', '665M', '840M', '570M', '605M', '70M', '2002', '895M', '600M', '2003', '705M', '795M', '2004', '655M', '90M', '965M', '2009', '65M', '2010', '60M', '100M', '2011', '30M', '2012', '20M', '35M', '11,450', 'A.G.', 'Sons', 'LIFFE', 'APT', 'Futures', 'automated', 'pit', 'tabular', 'CONTRACT', 'MONTH', 'CLOSE', 'SETTLEMENT', 'PREVIOUS', 'SETTLE', 'LONG', 'GILT', '1/32', '107-12', '107-10', '107-06', 'STERLING', '94.26', '97.42', '97.38', '97.34', 'EUROMARK', '96.84', '96.83', '115.62', '115.58', '115.32', 'EUROLIRA', '91.37', '91.36', '91.33', 'EUROSWISS', '97.79', '97.80', '97.82', '3,894.00', '3,941.50', 'Painted', 'parrot', 'scam', 'lands', 'PERTH', 'conman', 'painted', 'parrots', 'dye', 'birds', 'Denham', 'Peiris', 'A$', 'cinnamon', 'Ringneck', 'Parrots', 'Perth', 'pairs', 'impostor', '28,000', 'fooled', 'pet', 'Drew', 'unknowingly', 'disguised', "'d", 'breeders', 'photos', 'authentication', 'dyed', 'paint', 'feather', 'bird', 'enthusiast', 'bogus', 'informant', 'colours', 'moult', 'breaks', 'Ori', 'TAIBE', 'Taibe', 'fields', 'Pole', '1961', 'loyal', 'unfriendly', 'taunt', 'Betar', 'supporter', 'Karem', 'Haj', 'Yihye', 'Wojtek', 'Lazarek', 'associated', 'Likud', 'Chants', 'bottle-throwing', 'marred', 'bruises', 'stone', 'taunts', 'Sameh', 'resident', 'Hebrew', 'words', 'nobody', 'vehemently', 'dusty', 'lacks', 'amenities', 'communities', 'discrimination', 'parks', 'Tel', 'Aviv', 'ramshackle', '2,500-seat', 'accessible', 'dirt', 'tracks', '10,000-seat', 'situated', 'Rahman', 'hopefully', 'refurbished', 'meantime', 'policed', 'Netanya', 'waiter', 'represents', 'outfit', 'pleased', 'represent', 'burn', 'effigy', 'Anis', 'battled', 'burned', 'barricaded', 'streets', 'battles', 'Janakantha', 'alleging', 'pro-government', 'teargas', 'disperse', 'throwing', 'stones', 'bombs', 'denounce', 'coincided', 'policeman', 'gunshots', 'pro-opposition', 'section', 'grants', 'Opposition', 'legislators', 'denouncing', 'unprecedented', 'barbarity', 'Rafiqul', 'Islam', 'Hundreds', 'arresting', 'outsiders', 'student', 'dormitories', 'seizing', 'flushed', 'gunpoint', 'baggage', 'revolvers', 'sawn-off', 'rifles', 'shotguns', 'knives', 'swoop', 'Vice-Chancellor', 'Emajuddin', 'deteriorating', '28,000-student', 'Wednedsay', 'gunbattles', 'headed', 'blanket', 'terrorists', 'possessors', 'firearms', 'irrespective', 'identities', 'Nearly', 'GRAF', 'WORKS', 'HARD', 'FIRST-ROUND', 'script', 'demolition', 'top-ranked', 'rewritten', '29th-ranked', 'prevailed', 'superstar', 'typical', 'Graf-like', 'efficiency', 'apart', 'second-day', 'eighth-seeded', 'medalist', 'en', 'Fifth-seed', 'semifinalist', '53rd-ranked', 'Maggie', 'nervous', 'grab', 'semblance', 'ponytail', 'raced', 'unleashed', 'forehand', 'tie-break', 'lamented', 'feisty', 'tie-breaker', 'costly', 'Usually', 'rhythm', 'breaker', 'point-by-point', 'MILTIADIS', 'EVERT', 'HEADS', 'ALEXANDROUPOLIS', 'THIS', 'WEEKEND', 'Conservative', 'ND', 'Miltiadis', 'Evert', 'Alexandroupolis', 'businessmen', 'depart', 'criticized', 'unleashing', 'seven-point', 'professionals', '600', 'drachmas', 'absorption', 'socialists', 'combat', 'evasion', 'accelerate', 'Faster', 'component', 'slow', 'shrinks', 'Higher', '26.5', 'seasonally', '715', '973', '3.00', 'Canadians', '5.1', '3.72', 'Burea', '613', '235-6745', 'jars', 'mummies', 'Archaeologists', 'pots', 'Egyptians', 'burial', 'rites', 'mummification', 'Mohammed', 'Saleh', 'Museum', 'contain', 'intestines', 'tomb', 'Dahshour', 'Cairo', 'pyramid', 'pharaoh', 'Seneferu', 'Metropolitan', 'Canopic', 'unguent', 'unidentifed', 'person', 'Dynasty', '1991-1786', 'BC', 'Kingdom', 'contains', 'substances', 'materials', 'conservation', 'cavity', 'liquids', 'DEFEAT', '21-11', 'Tries', 'Hannes', 'Strydom', 'Ruben', 'Joost', 'Westhuizen', 'Penalties', 'Joel', 'Stranksy', 'Conversion', 'Conversions', 'Drop', 'three-test', 'drains', '3.9', 'Ffr', 'drained', 'securities', 'repurchase', 'allocate', '44.3', 'liquidity', '48.2', '13.4', 'bidders', 'offering', 'bills', 'collateral', 'satisfying', '3.4', 'allotted', '30.9', '5452', 'feedlot', 'DODGE', 'Trade', 'steers', 'heifers', 'Inquiry', 'Sales', '4,200', 'contracted', 'formulated', 'Confirmed', 'none', '408', '8720--', 'UAE', 'Hilary', 'Gush', 'Emirates', 'escaped', 'Dhabi', 'objection', 'overpowered', 'aircrew', 'Sharjah', 'captivity', 'Crescent', 'silent', 'overthrow', '20s', 'Aerostan', 'Tatarstan', 'MiG-19', 'ammunition', 'nationality', 'coincidental', 'Kalashnikov', 'automatic', 'Ilyushin', 'practical', 'steps', 'Consultations', 'format', 'Across', 'cops', 'extortion', 'racket', 'Thirteen', 'Lago', 'La', 'Nacion', 'bribes', '500,000', 'credibility', 'undermined', 'scandals', 'indictment', 'links', 'trafficking', 'Piotti', '3,600', 'dishonest', 'purged', 'ranks', 'ongoing', 'brave', 'overhaul', 'outscored', 'enemies', '24-11', 'flanker', 'scrum-half', 'narrowed', '23-24', 'Stransky', 'conversion', 'upright', 'scrambled', 'Eco', 'builders', 'Edna', 'Fernandes', 'Ecological', 'warfare', 'corporates', 'protests', 'hurts', 'Described', 'eco-terrorism', '1990s', 'Famous', 'Tarmac', 'Costain', 'ARC', 'conglomerate', 'Hanson', 'targeted', 'Activist', 'harmless', 'badly', 'ragbag', 'hippies', 'Harding', 'aggregates', 'mobile', 'phones', 'communicate', 'gather', 'demos', 'via', 'sophisticated', 'protestor', 'codename', 'Steady', 'Building', 'full-scale', 'emphasise', 'tactics', 'Newbury', 'bypass', 'intimidation', 'picketing', 'Lovell', 'sorts', 'goes', 'Tactics', 'underground', 'cryptic', 'Elves', 'leaflets', 'instructions', 'larger', 'activist', 'Earth', 'Ours', 'Alarm', 'Road', 'Alert', 'projects', 'M3', 'Twyford', 'Down', 'campaigning', 'broader', 'out-of-town', 'superstores', 'pollution', 'road-building', 'contributed', 'ecological', 'Watts', 'Construction', 'tendering', 'realise', 'alert', '3-4', 'forms', 'Tangible', 'intangible', 'publicity', 'protesting', 'tenders', 'demonstrations', 'contractors', 'suppliers', 'quarries', 'supplier', 'protestors', 'invade', 'occupy', 'Plus', 'knock-on', 'investement', 'UBS', 'phenomenon', 'evaluates', 'fairly', 'methods', 'razor-thin', 'overcapacity', 'stagnant', 'bizarre', 'twist', 'tale', 'woe', 'deportations', 'deporting', 'immigrants', 'Tritan', 'Shehu', 'Koha', 'Jone', 'deported', 'Albanians', 'legalise', 'immigrant', '350,000', 'long-standing', 'stumbling', 'Balkan', 'ROBSON', 'TROPHY', 'BARCELONA', 'Robson', 'weathered', 'non-stop', 'whisker', 'away-goal', 'squandered', 'midway', 'fullback', 'Ferrer', 'Julen', 'Lopetegui', 'Milinko', 'Pantic', 'Hristo', 'Stoichkov', 'contribution', 'Barjuan', 'fiery', 'Eduardo', 'Esnaider', 'set-piece', 'specialist', 'free-kick', 'athletic', 'Vicente', 'Calderon', 'Santiago', 'Bernabeu', 'distinct', 'Lenzing', 'expects', 'H2', 'viscose', 'fibre', 'maker', 'preview', 'pre-tax', '84.5', 'schillings', 'attributed', 'fibres', 'sluggish', 'economies', 'Julia', 'Ferguson', '+431', '53112', 'falls', 'injuring', 'Indian-ruled', 'waged', 'Kunar', 'Five', 'Deutsche', 'Bahn', '17.5', '188', '14,600', '3.3', 'state-owned', 'earmarked', 'privatisatio', 'covers', 'FAT8222', 'Revenue', 'long-distance', '2,500', 'commuter', '5,400', '3,200', 'workforce', '300,962', 'oct', 'compare', 'compares', 'Champions', 'pitted', 'C', 'runners-up', 'Fenerbahce', 'Turin', 'consistently', 'crashing', 'Trophy', 'Portugal', 'Wembley', 'Before', 'conquering', 'ill-fated', '1985', 'Heysel', 'Tibet', 'Birendra', 'tool', 'Tibetan', 'Nepalese', 'vigilance', 'restive', 'Himalayan', 'four-decade', 'widespread', 'Birenda', 'Gyaicain', 'Norbu', 'visitor', 'tourism', 'Nuclear', 'disarmament-China', 'reaffirmed', 'totally', 'satisfy', 'balanced', 'committing', 'thwarting', 'muted', 'forwarding', 'compromised', 'completion', 'gradual', 'inspections', 'sites', 'drafts', 'advocated', 'destruction', 'adopt', 'stubbornly', 'uphold', 'policies', 'deterrence', 'self-imposed', 'moratorium', 'halt', 'HINCHCLIFFE', 'CALLED', 'INTO', 'Hoddle', 'Hinchcliffe', 'Left-back', 'Tottenham', 'Anderton', 'recurring', 'Estonian', 'MPS', 'electing', 'Belinda', 'Goldsmith', 'TALLINN', 'Lennart', 'Meri', 'pushing', 'stalemate', 'oversaw', 'statehood', 'arch-rival', 'Arnold', 'Ruutel', 'votes', '101-member', 'garnered', 'reconvened', 'expecting', 'ceded', 'college', 'Heiki', 'Kranich', 'smoothe', 'functioning', 'periods', 'parliamentarians', 'leftist-led', 'inched', 'Support', 'constant', 'convene', '101', '273', 'nominations', 'organise', 'emerges', 'Colleen', 'Siegel', 'outgoing', 'tensions', 'teacup', 'Itamar', 'Rabinovich', 'unfruitful', 'Damascus', 'Syrian', 'priority', 'Syrians', 'essentially', 'winding', 'Eliahu', 'Ben-Elissar', 'preconditions', 'slammed', 'launching', 'hysterical', 'missile', 'Hafez', 'al-', 'Assad', 'vowing', 'Golan', 'Heights', 'Israeli-Syrian', 'willingness', 'expressions', 'declarations', 'artificial', 'spread', 'prisoners', 'forbid', 'benefits', 'calming', 'spokesmen', 'messages', 'reassure', '229-1', 'lb-3', 'nb-11', '12-1-76-0', '22-6-56-2', '29-6-64-1', '14.3-4-45-1', '17-0-91-0', 'Gateway', 'Sciences', 'PHOENIX', 'Consolidated', 'Ended', 'Jul', 'Statement', '10,756', '13,102', '7,961', '5,507', 'Software', '2,383', '1,558', '1,086', '1,074', '1,154', '692', '624', '465', 'Operating', '906', '962', '599', '515', '821', '512', '565', '0.31', '0.34', 'Balance', '5,755', '881', 'Equivalents', '2,386', '93', 'Assets', '14,196', '7,138', 'Shareholders', 'Equity', '5,951', '1,461', 'NORWAY', 'ELITE', 'Norwegian', 'elite', 'Tromso', 'Kongsvinger', 'Valerenga', 'Skeid', 'Stabaek', 'Stromsgodset', 'Molde', 'Bodo', 'Glimt', 'Viking', 'Start', 'Rosenborg', 'Lillestrom', 'VALLETTA', 'Amer', 'Hishem', 'Sliema', 'stab', 'Grech', 'fervant', 'Cooperative', 'lending', 'TAIPEI', 'state-run', 'cutting', '7.35', '7.40', 'three-month-to-three-year', '0.10', 'Sheu', 'Yuan-dong', 'jumpstart', 'half-percentage', 'savings', 'reductions', '5080815', 'Jenson', '9-15', 'Facilities', '6mth', 'billions', 'specified', 'LATEST', 'ACTUAL', 'Parent', 'YEAR-AGO', '11.38', '11.45', '1.09', '918', '490', '538', 'manages', 'rents', 'facilities', 'Haneda', 'Itami', 'Osaka', 'DIYARBAKIR', 'PKK', 'Tunceli', 'Soldiers', 'Sirnak', 'Hakkari', 'autonomy', 'southeastern', 'A.S.', 'Bacau', 'Ceahlaul', 'Piatra', 'Neamt', 'Otelul', 'Galati', 'F.C.', 'Arges', 'Dacia', 'Pitesti', 'Farul', 'Constanta', 'Chindia', 'Tirgoviste', 'Sportul', 'Studentesc', 'Universitatea', 'Craiova', 'Petrolul', 'Ploiesti', 'Politehnica', 'Timisoara', 'Brasov', 'Jiul', 'Petrosani', 'Dinamo', 'Cluj', 'Steaua', '.604', '.551', '.542', '.463', '.456', '.435', '.411', 'THOMSON', 'RESIGNS', 'RAITH', 'ROVERS', 'KIRKCALDY', 'managerial', 'casualty', 'Raith', 'directors', 'Celtic', 'Motherwell', 'relinquish', 'Regrettably', 'accordingly', 'intact', 'agreeing', 'novelist', 'Writers', 'Dai', 'Houying', '1966-76', 'leftist', 'Revolution', 'intellectuals', 'Born', '1937', 'Anhui', 'prolific', 'author', 'teacher', 'divorced', 'Hawaii', 'famous', 'Ren', 'translated', 'fractionally', 'unease', 'slated', 'blue-chip', '2.43', '0.12', '2,017.99', 'foray', 'SBF-120', '1.19', '0.08', '1,421.90', 'CFDT', 'Syndicale', 'Unitaire', 'FSU', 'austerity', 'unveiled', 'Anxieties', 'niggled', 'centime', '3.4211', 'Index', 'heavyweights', 'Elf', 'Rhone', 'Poulenc', 'Eurotunnel', 'morose', 'post-holiday', 'broker', '*', 'UIC', 'GAN', 'slid', '12.19', '55.1', 'reporting', '758', 'recapitalisation', 'commentators', 'Supermarkets', 'Carrefour', '2.19', '2,616', 'Cheuvreux', 'Virieu', 'Reinsurance', 'Scor', 'Prudential', 'Mercantile', 'reinsurance', 'Re', 'Conglomerate', 'Bollore', '73.83', 'Scac', 'Delmas', 'Vileujeux', 'SDV', 'Alcatel', 'Alsthom', '1.7', '395.0', 'Opthalmic', 'manufacturer', 'Essilor', '1,328', 'Oakley', 'non-prescription', 'lens', 'Gentext', 'Optics', 'Goldman', 'Sachs', 'Wertpapier', 'American-style', 'warrant', 'STRIKE', '25.00', 'DEM', 'PREMIUM', '10.12', 'ISSUE', '2.42', 'GEARING', '10.29', 'X', 'EXERCISE', 'PERIOD', '02.SEP.96-21.NOV.97', 'PAYDATE', '30.AUG.96', 'DDF', 'FFT', 'STG', 'MIN', 'EXER', 'LOT', 'SPOT', 'REFERENCE', '24.90', 'Reuter', 'Rupam', 'Banerjee', 'tributes', 'legendary', 'poured', 'wean', 'laureate', 'respirator', 'aided', 'breathing', 'remains', 'Woodlands', 'Nursing', 'revered', 'diagnosed', 'abated', 'irregularly', 'Unless', 'breathes', 'fingers', 'familiar', 'six-member', 'treating', 'greetings', 'bouquets', 'prayers', 'Pope', 'get-well', 'Ask', 'miracle', 'Happy', 'Birthday', 'Dearest', 'placard', 'Shishu', 'Bhavan', 'wished', 'sister', 'happy', 'speedy', 'Prayers', 'poorest', 'prostitutes', 'goddess', 'Raju', 'Statesman', '40-year-old', 'Mangala', 'Das', 'paralysed', 'waist', 'Prem', 'Gift', 'praying', 'incessantly', 'Tarak', 'footpath', 'passers-by', 'Immaculate', 'bless', 'scribble', 'nuns', 'prayed', 'Ministers', 'Bengal', 'religions', 'prayer', 'solidarity', 'downtrodden', 'Nanda', 'Gopal', 'Bhattacharya', 'AUSTRALIA', '263-7', 'OVERS', 'JV', 'post-tax', 'Jiangling', 'Motors', '3.385', '14.956', '937.891', '1.215', '1.88', '0.005', '0.02', '8,333', '9,018', '138.643', 'shareholder', '353.24', 'Jiangxi', '8.3', 'Downer', 'friction', 'Qian', 'Qichen', 'mid-1997', 'uranium', 'affecting', 'spiritual', 'Dalai', 'Lama', 'ROMANIA', 'BOSS', 'BANNED', 'HEADBUTT', 'Miron', 'Cozma', 'headbutting', 'bosses', 'miners', '3000', 'Danut', 'Lupu', 'Miners', 'rioted', 'reformist', 'Petre', 'awaiting', 'Petrosan', 'kms', 'tunnel', 'skirmish', 'painful', 'tall', 'tallest', 'towering', 'cms', 'ATRIA', 'SEES', 'Finnish', 'foodstuffs', 'Atria', 'Oy', 'year-half', 'extraordinary', 'appropriations', 'markka', 'millfeeds', 'Immediate', 'Millfeed', 'supplies', 'millfeed', 'High-priced', 'Portland', 'mixer', 'priced', '140', 'mixers', 'closely-watched', '118', 'guns', 'forbidden', 'categories', 'applied', 'expels', 'KIGALI', 'expelled', 'trouble-makers', 'Firmin', 'Gatera', 'Tutsi-dominated', 'Kigali', 'Zairean', 'Goma', 'Tutsi', 'Kengo', 'wa', 'Dondo', 'expell', 'timeframe', 'Many', 'Tutsis', 'refuse', 'reprisal', 'Kivu', 'Gisenyi', 'prefect', 'Out', 'tighten', 'intelligence', 'PAP', 'Zbigniew', 'Siemiatkowski', 'Schmidbauer', 'co-ordinator', 'chancellery', 'sealed', 'Ryszard', 'Hincza', 'mafia-style', 'radioactive', 'taxable', 'Aa2', 'VMIG-1', 'Fac', 'Auth', 'Benevolent', 'Assoc', 'Proj', 'Taxable', 'VMIG', '4,300,000', 'Scandal', 'vital', 'Conlon', 'triumphal', 'acceptance', '10-week', 'abruptly', 'lengthy', 'eavesdrop', 'conversations', 'shared', 'grateful', 'contributions', 'campaigns', 'invaluable', 'captivated', 'worried', 'celebration', 'Senator', 'Dianne', 'Feinstein', 'bump', 'p.m.', '50-year-old', 'dogged', 'wrongdoing', 'sexual', 'misconduct', 'questionable', 'judgment', 'selecting', 'advisers', 'character', 'challenger', 'Santa', 'refer', 'advised', 'chart', 'centrist', 'drift', 'revert', 'liberal', 're-elected', 'Aides', 'hall', 'whistle-stop', 'revelled', 'heartland', 'hoarse', 'voice', 'outline', 'thinks', 'accomplished', 'resolute', 'pits', 'withering', 'wit', 'stilted', 'style', 'glib', 'perfected', 'HUBER', 'MALEEVA', 'UP-AND-COMERS', 'youthful', 'finalist', 'sunny', '15-year-old', '16th', 'honoured', 'hurry', 'straight-sets', '112th-ranked', 'cheery', 'overmatched', 'Hoping', 'engagement', 'sixth-seeded', 'unfortunate', 'floater', 'avenged', 'concentrating', 'momentum', 'Beach', 'mourn', 'luck', 'non-', '21-year-old', 'somebody', 'rookie', '110th', '18-year-old', 'curtain-raising', 'newest', 'wave', 'juniors', 'proven', 'mettle', 'conditioning', 'kilos', 'fast-moving', 'scared', 'undaunted', 'pros', 'big-serving', 'Miyaga', 'RED', 'STAR', '71-57', 'Olympiakos', '40-34', 'basketball', 'Alba', 'Nancy', 'Germain', 'ECOMOG', 'Malu', 'peacekeeping', 'Inienger', 'challenging', 'Peacekeepers', 'assure', 'Tubmanburg', 'monitor', 'Nyakyi', 'escort', 'ULIMO-J', 'foresees', 'combatants', 'Economic', 'height', 'delays', 'Schork', 'nationwide', 'balloting', 'Provisional', 'Election', 'consider', 'Agota', 'Kuperman', 'select', 'cancell', 'refused', 'specify', 'rule-making', 'electorate', 'PEC', 'Balloting', 'citizens', 'cantonal', 'separate', 'parliaments', 'Representatives', 'three-man', 'Presidency', 'Dnevi', 'Avaz', 'SDA', 'municipal-level', 'Spring', 'temperature', 'allege', 'systematically', 'discouraged', 'Instead', '43-month', 'underpopulated', 'cleansing', 'pivotal', 'consolidating', 'Balkans', 'highlighted', 'herald', 'multi-ethnicity', 'Bosia-Hercegovina', 'Soren', 'Jessen-Petersen', 'Envoy', 'nationalistic', 'sectarian', 'card', 'drumming', 'constituencies', 'bitter', 'memories', 'Oasis', 'singer', 'Gallagher', 'band', 'obscene', 'gestures', 'swore', 'Heathrow', 'hate', 'f...', 'ing', 'supermodel', 'Noel', 'laryngitis', 'house-hunting', 'girlfriend', 'Patsy', 'Kensit', 'refunds', 'concert', 'tickets', 'Hijacked', 'STANSTED', 'eyewitnesses', 'Flight', '4.30', '0330', 'unidentified', 'TNT', 'claim', 'surrender', 'Glafcos', 'Xenos', 'designated', 'Gatwick', 'handles', 'ill', 'guidance', 'Prize-winning', 'Albanian-born', 'afterwards', 'fulfilled', 'dearest', 'carved', 'herself', 'helper', 'sick', 'needy', 'marriage', 'crumbled', 'heir', 'throne', '85-year-old', 'caring', 'shipsales', 'Secondhand', 'vessels', 'Iron', 'Gippsland', '87,241', 'dwt', 'Sairyu', 'Maru', '1982', '60,960', '15.5', 'Stainless', 'Fighter', '1970', '21,718', 'inspection', 'OPT', 'Stuart', 'Damein', 'Fleming', 'Guy', 'Eddo', 'Paralympics', 'gloomy', 'France-Juppe', 'handicapped', 'Paralympic', 'gloom-stricken', 'scepticism', 'opposite', 'successful', 'July-August', 'Opinion', 'pessimistic', 'fed', 'stagnates', 'unemployement', 'lingers', 'near-record', 'recomposed', 'KSE', 'KSE-100', '82.3', '79.9', 'QUITO', 'Abdala', 'Bucaram', 'lunches', 'palace', 'blacks', 'mixed-bloods', 'exclusively', 'potentates', 'ambassadors', 'protocol', 'mixed-race', 'peasant', 'populist', 'cultures', 'Andean', 'Beachcomber', 'piece', 'HIGHLANDS', 'foot-long', 'debris', 'bearing', 'markings', 'shore', 'crash', 'Long', 'alerted', 'FBI', 'conducting', 'deadly', 'fireball', '230', 'wallets', 'shoes', 'Investigators', 'mechanical', 'lauds', 'resuming', 'withdrawal', 'welcome', 'Vyacheslav', 'Tikhomirov', 'Mashadov', 'highlights', 'IRISH', 'INDEPENDENT', 'lender', 'Permanent', 'owed', 'trawler', 'cat', 'mouse', 'Enterprise', 'Employment', 'widened', 'Asset', 'Managers', 'exploration', 'Ivernia', 'Minorco', 'zinc', 'Lisheen', 'Tipperary', 'CRH', 'stering', 'Tilcon', 'Mortgage', 'societies', 'Antrim', 'Protestant', 'driven', 'loyalist', 'paramilitaries', 'defiance', 'hanging', 'retail', 'Dunnes', 'Stores', 'bankers', 'transferring', 'plastics', 'incineration', 'recycling', 'NWE', 'mixed', 'dulls', 'becalmed', 'Repsol', 'Puertollano', 'refinery', 'Manuel', 'Prieto', 'notionally', 'sagging', 'NYMEX', 'arbitrage', 'Eurograde', '207', 'Amsterdam-Rotterdam', 'Outright', 'heating', 'IOC', '120,000', 'diesel', 'IPE', '0-50', 'bearish', 'listless', 'Offers', 'Shaxson', '8167', 'Boat', 'BOGOTA', 'Gorgona', 'southwest', 'sightseers', 'Narino', 'Lt.', 'Italo', 'Pineda', 'boatman', 'survived', 'coconuts', 'rainwater', 'Buenaventura', 'ONE-DAYER', 'overs-a-side', '46.4', 'BNZ', '10.5', '10.75', '10.95', '11.25', 'wholesale', 'Fixed', 'HOEK', 'LOOS', 'NET', 'PROFIT', '28.9', 'GUILDERS', 'shr', '3.70', '24.5', '273.6', '290.3', '44.4', '40.7', 'Industrial', 'gases', 'Hoek', 'Loos', 'Interest', '5.05', '13.26', '11.16', 'Fax', '5040', 'diverted', 'British-based', 'Mr', 'Sadiki', 'trace', 'contacted', 'north-east', 'batches', 'unknown', 'Jordanians', 'BALL', 'Ball', 'Bernard', 'Halford', 'appreciation', 'endeavours', 'whilst', 'assembly', 'garner', 'Enn', 'Markvart', 'invalid', 'abstentions', 'convened', 'Oldest', 'disappears', '16th-century', 'earliest', 'archives', 'Shqiptare', 'Book', 'Gjon', 'Buzuku', 'dating', '1555', 'discovered', '1740', 'seminary', 'sons', 'Musa', 'Hamiti', 'library', 'civilisation', 'inventing', 'photocopies', 'RBA', 'CANBERRA', 'slash', 'useful', 'raising', 'consolidation', 'unduly', 'ambiguous', '1996/97', 'Coalition', '5.65', '1998/99', '10.3', '1995/96', 'Determined', 'credible', 'rein', 'unsustainable', 'rewarded', 'favourable', 'effects', 'tending', 'lowering', 'Intelligence', 'Arlen', 'Specter', 'Oman', 'Dhahran', 'airmen', 'Crown', 'Abdullah', 'Sultan', 'Jeddah', 'shake-up', 'Pentagon', 'questions', 'Freeh', 'entirely', 'Sep', 'Premier', 'Archaeological', 'Society', 'Reppas', 'Theodoros', 'Pangalos', 'coincide', 'celebrations', 'yes', 'BEERS', 'HOUSE', 'Spectators', 'incentive', 'cheer', 'performances', 'brewery', 'drinks', 'ENAP', 'buys', 'Oriente', 'Escravos', 'Empresa', 'Nacional', 'del', 'Petroleo', 'barrel', 'Ecuadorian', '960,000', '15-18', 'vague', 'supplied', 'seller', 'referring', 'Petroecuador', 'Dated', 'Brent', 'related', '50-cent', 'Jacqueline', 'Wong', '1620', 'DEFENDER', 'KOMBOUARE', 'ABERDEEN', 'ABDERDEEN', 'Antoine', 'Kombouare', '467,000', 'Aberdeen', 'Morton', 'Roy', 'Aitken', 'brings', 'affection', 'Nantes', 'PSG', 'Ginola', 'influential', 'enjoy', 'settle', 'football', 'influenced', 'BANS', 'SIDHU', 'Navjot', 'Singh', 'Sidhu', '50-day', 'right-handed', 'forfeit', 'Control', 'Cricket', 'Mohali', 'Chandigarh', 'four-nation', 'Sahara', 'Smicer', '16,000', 'Debbah', 'Bastia', 'Drobnjak', 'Lille', 'Boutoille', 'Becanovic', '79th', 'pen', 'Rennes', "Guivarc'h", 'Bordeaux', 'Gravelaine', 'Traore', 'Bombarda', 'Strasbourg', 'Zitelli', 'Havre', 'Caen', 'Bancarel', 'Lyon', 'Caveglia', '89th', 'Wreh', 'Scifo', '35th', 'Cannes', 'Charvet', 'NEWCOMBE', 'PONDERS', 'HIS', 'DAVIS', 'FUTURE', 'Newcombe', 'loses', 'Roche', 'events', 'Split', 'Telegraph', 'clay', '20-22', '26-time', 'rank', 'Neale', 'tandem', 'Woodforde', 'Croatians', 'boasts', 'hard-pressed', 'breath', 'absolute', 'toughest', 'SNEAK', 'PAST', 'ANGELS', 'two-out', 'Alomar', '5-4', 'berth', 'trailed', 'Devereaux', 'Kyle', 'tying', 'sacrificed', 'Mariner', 'Bragg', 'Randy', 'Seitzer', 'Hulse', 'extra-inning', 'Marty', 'Cordova', 'Lawton', 'Yeah', 'fun', 'ballpark', 'Every', 'Wally', 'Whitehurst', 'Triple-A', 'Columbus', 'Rosado', 'Tucker', 'Royals', 'six-game', '9-2', 'cellar-dwellers', '8-2/3', 'left-hander', '29-2/3', 'Glickman', 'aflatoxin', 'addressing', 'USDA-sponsored', 'perennial', 'problematic', 'wet', 'vomitoxin', 'BRITISH', 'MASTERS', 'NORTHAMPTON', 'Masters', '211', '216', '217', 'Lebouc', 'Gavin', 'Levenson', 'McAllister', 'Joakim', 'Haeggman', 'Swe', 'Coceres', 'Klas', '219', 'Jimenez', 'Walton', "O'Malley", 'Gates', 'Bradley', 'Hughes', 'Hedblom', 'Gilford', 'Hwa', 'Kay', 'plunges', 'plunged', 'all-time', '30.26', '0.53', 'unloaded', 'brokerage', 'center', 'CBSA', 'Average', 'centers', 'Brass', 'Servicenter', 'coil', 'strip', 'Alloy', 'indicated', 'size-per-order', '1ST', 'GM', '2ND', 'RUNS', 'KELLY', 'TIME', 'TRIAL', 'Kelly', 'one-kilometre', '2.777', 'averaged', '57.345', 'Lausgberg', 'eighteen', 'hundredths', 'Eijden', '1:04.541', 'Steinberg', 'Widzew', 'Galeforce', 'Torrential', 'galeforce', 'battered', 'meteorological', 'Cellars', 'flooded', 'trees', 'uprooted', 'roofs', 'trains', 'cm', '2.24', '7.4', '2.96', 'communes', 'Meteorological', 'Institute', 'RMT', 'Turnhout', 'scouts', 'camping', 'low-lying', 'meadow', 'tents', 'hindered', 'excavations', 'Jumet', 'paedophile', 'sex-and-murder', 'lightly', 'tides', 'materialise', 'PAULI', 'TAKE', 'POINT', 'LATE', 'FIGHTBACK', 'tipped', 'relegation', 'stunning', 'fightback', '4-4', 'Trulsen', 'cushion', 'Springer', 'Sabotzik', 'Karsten', 'Baeron', 'dazzling', 'build-up', 'in-form', 'Harald', 'Spoerl', '1600', 'indices*', 'dates', 'bullion', 'brackets', 'CHANGE', 'HIGH', 'LOW', 'POINTS', '5,710.53', '22.94', '5,778.00', '5,032.94', 'midday', '3,907.5', '+16.4', '3,632.3', '21,228.80', '134.44', '22,666.80', '19,734.70', 'Jun', 'Mar', '2,555.16', '2.10', '2,583.49', '2,284.86', '2,020.82', '+3.06', '2,146.79', '1,897.85', 'Apr', '2,292.9', '+18.3', '2,326.00', '2,096.10', '11,424.64', '54.13', '11,594.99', '10,204.87', 'Feb', 'FOREIGN', 'EXCHANGE', 'GOLD', 'BULLION', 'Dollar', '1.4871', '1.4935', '108.50', '108.43', 'Pound', '1.5520', '1.5497', 'ounce', '387.50', '386.95', '*INDICES', 'USED', 'THEIR', 'ALL-TIME', 'CLOSING', 'HIGHS', '22/96', 'FTSE-100', '23/96', 'Nikkei', '38,915.87', '29/89', 'DAX-3O', '5/96', '2,355.93', '2/94', 'All-Ordinaries', '2,340.6', '3/94', 'Hang', 'Seng', '12,201.09', '4/94', 'confederate', '113.00', 'Eksportfinans', 'Suedwest', 'LB', 'seven-year', 'yield', '3.98', '3.60', '1.75', 'fundamentals', 'Suisse', '0.6', 'projected', 'Closing', 'conf', '113.02', 'comi', 'medium-term', '109.45', '4-1/2', '2006', '101.80', '4.252', 'Editorial', '+41', '631', '7340', '.576', '.536', '.349', '.539', '.453', '.575', '.512', '.481', '.460', '.632', '.409', '.421', '.524', 'Guimaraes', 'Gil', 'shipyard', 'RENNES', '3,500', 'naval', 'Cherbourg', 'yeard', 'cutback', 'slim', 'hundred', 'Indre', 'BADMINTON', 'MALAYSIAN', 'KUALA', 'LUMPUR', 'Malaysian', 'badminton', 'denote', 'Ong', 'Ewe', 'Hock', 'Malaysia', 'Hu', 'Zhilan', '9/16', 'Luo', 'Yigang', 'Ijaya', 'Indra', 'Kantharoopan', 'Chen', 'Gang', 'Hermawan', 'Susanto', 'SIMEX', 'SINGAPORE', 'keeps', 'Contracts', 'mutually', 'offset', 'contracts', '+65', '870', '3081', 'Advanced', 'IVAC', 'Eli', 'Lilly', 'makers', 'intravenous', 'wholly', 'IMED', 'merge', 'pumps', 'regulate', 'fluid', 'patient', 'proprietary', 'disposable', 'combined', 'developers', 'Diego-based', 'provider', 'systems', 'health-care', 'manufacturing', 'plants', 'Creedmoor', 'N.C.', 'Tijuana', 'distributes', 'prodcuts', 'Dec.', 'DLJ', 'Merchant', 'LP', 'unspecified', 'one-time', 'historical', 'technology-based', 'devices', 'IV', 'pump', 'regulated', 'volumetric', 'fully', 'diluted', '53.9', 'Excluding', '17.4', '112.8', '8.4', '29.2', 'Mercer', 'CEO', 'privately', 'Mallinckrodt', 'Kuhn', 'regulatory', 'approval', 'boards', '2.3', 'Realtors', '4,464', 'single-family', '4,570', '206,464', 'Condominium', '24.8', 'condos', 'nudged', '1.0', '123,394', '30-year', '8.25', '7.03', '617-367-4106', 'Yuuchi', '30.054', '38:30.140', '38:32.353', '38:34.436', '38:36.306', '38:41.756', 'Norihiko', 'Fujiwara', '38:43.253', 'Fogarty', '38:49.595', 'Akira', 'Ryo', '38:50.269', 'Shiya', 'Takeishi', '38:52.271', 'Fastest', '38:18.759', '38:19.313', '38:32.040', '38:32.149', '38:32.719', '38:33.595', '38:34.682', '38:34.999', '38:35.297', '38:42.015', '236', 'Pier', 'Chili', '175', 'Crafar', 'Gobert', '117', 'Hodgson', 'Revised', 'placings', 'disqualification', 'carburettor', 'Keiichi', 'Kitigawa', '38:42.333', '270', 'feeder', 'Early', '0.200', '0.100', 'tone', 'Outlook', 'cattle-on-feed', 'lend', 'bull', 'spreading', 'NUREMBERG', 'function', 'dismissal', 'Bavarian', 'Nuremberg-based', 'internal', 'dictator', 'Adolf', 'infamous', 'prosecute', 'Thieves', 'canteen', 'LIMERICK', 'Limerick', 'warders', 'slept', 'upstairs', 'thieves', 'takings', 'robbery', 'asleep', 'LAGOS', 'object', 'insists', 'Ikimi', 'fact-finding', 'wanting', 'unfair', 'ministerial', 'continuation', 'execution', 'Saro-Wiwa', 'pleas', 'clemency', 'timing', 'colonies', 'restricted', 'Aston', 'Villa', 'Sunderland', 'Nottingham', 'Forest', 'Ham', 'Middlesbrough', 'Derby', 'Southampton', 'Coventry', 'Saskatchewan', 'Pool', 'hog', 'WINNIPEG', 'forge', 'scope', 'pork', 'positioned', 'Don', 'Loewen', 'SWP', 'analyzing', 'partnerships', 'subsidy', 'Prairie', 'grains', 'shipped', 'contracting', 'programs', 'packers', 'Pork', 'Marketing', 'hogs', 'Gras', '204', '947', '3548', 'FERGUSON', 'MONTHS', 'Duncan', 'Glasgow', 'Ally', 'McCoist', 'hat-tricks', 'head-butting', 'bang', 'earns', 'call-up', '116', 'THUNDERSTORMS', 'SUSPENSION', 'Thunderstorms', '43-man', 'Play', 'interrupted', 'schedeled', 'acknowledge', 'tide', 'resurgent', 'militarism', 'atrocities', 'unrepentant', 'militarists', 'undecided', 'tell', 'indignant', 'shrine', 'dedicated', 'whitewash', 'invading', '1931', '1945', 'genuinely', 'remorse', 'two-hour', 'demolished', 'metre', 'funding', 'crane', 'bulldozer', 'walls', 'amidst', 'alleys', 'Bystanders', 'bulldozed', 'PLO-Israel', '1000', 'lawmaker', 'Hashem', 'Zighayer', 'closure', 'Palestine', 'annexed', 'cede', 'academics', 'Constitutional', 'Project', 'CRP', 'Istafanus', 'Elisha', 'Shamay', 'O.K.', 'Likkason', 'Jerome', 'Egurugbe', 'ASUU', 'Academic', 'Staff', 'Universities', 'Tafawa', 'Balewa', 'academic', 'four-month', 'Dozens', 'detention', 'strict', 'spite', 'Namibian', 'promoter', 'Rudi', 'Thiel', 'landmark', 'congress', 'jettisoning', 'Stalinist', 'dictatorship', 'concepts', 'Social-Democratic', 'ideological', 'Zeri', 'i', 'Popullit', 'Jailed', 'Fatos', 'Nano', 'Sali', 'Berisha', 'heirs', 'sham', 'Acting', 'Servet', 'Pellumbi', 'ideas', 'Karl', 'Marx', 'pro-reform', 'Gramoz', 'Ruci', 'rift', 'looks', 'harden', 'CVG', 'privatization', 'CARACAS', 'swell', 'year-end', 'Corporacion', 'Venezolana', 'Guayana', 'Machuca', 'Sidor', 'union-based', 'Radical', 'Cause', 'steel-producing', 'Venalum', 'Alucasa', 'Arguing', '13,000', 'layoffs', 'unionized', 'legislation', 'Lugo', 'Caracas', '582', '834405', 'Kosovo', 'boycotted', 'institutions', 'slain', 'Bajgora', 'Tanjug', 'Donje', 'Ljupce', 'municipality', 'Podujevo', 'Celopek', 'revoked', 'cracked', 'moderates', 'cradle', 'THAWRA', 'Vladimir', 'Zhirinovsky', 'IRAQ', 'shipload', 'Umm', 'Qasr', 'clamp', 'barter', 'keen', 'viewing', 'Marina', 'Volkova', 'Customs', 'exported', 'unimported', '1.10', 'Barter', '4.9', '61.5', 'understated', 'actual', 'regulation', 'substantially', 'fines', 'Understating', 'loophole', 'technicalities', 'decrees', 'liberalising', '1991-1992', 'impetus', '25-30', 'popped', 'reliable', 'tranfers', 'incompetent', 'experienced', 'Dmitry', 'Solovyov', '611', '667', '576', '730', '473', '745', '0-6', 'third-busiest', 'prefer', 'location', 'implementing', 'well-rehearsed', 'contingency', 'handle', '0300', 'intend', 'refuel', 'identity', 'Italians', 'HIV-pensioner', 'harassing', 'hookers', '61-year-old', 'AIDS', 'pensioner', 'Pietro', 'T.', 'HIV', 'spotted', 'cruising', 'red-light', 'hurling', 'apartment', 'blanks', 'Suharto', "Mar'ie", 'Muhammad', 'Alatas', 'Tungky', 'Ariwibowo', 'Deputy', 'McKinnon', 'FOCUS-News', 'alien-led', 'Hickey', 'baron', 'Rupert', 'Murdoch', 'Independence', 'moderating', 'Broadcasting', 'attainable', 'soothed', 'pre-abnormals', '1.26', '995', '1.343', 'Lachlan', 'Drummond', 'publishing', 'divisions', 'hefty', 'TV', 'newsprint', 'Throughout', 'Advertising', 'surprises', 'inserts', 'Guide', 'dramatically', 'Harper-Collins', 'demise', 'Agreement', 'publishers', 'spotlight', 'understatement', '6.39', '2.00', 'soft', '0.79', 'Bids', 'Dark', 'locations', 'harvested', 'Montana', 'Harvest', 'Dakota', 'Elsewhere', 'noteworty', 'Durum', 'jumping', '14-pct', 'protein', 'durum', 'wheats', 'Chg', 'Minneapolis', '5.06', '.02', '5.75', 'Duluth', 'NORTH', 'DAKOTA', 'Hunter', '4.46', 'dn', '5.00', '12pct', 'Billings', 'MT', '4.62', '.01', '.10', 'Rudyard', 'Point', '4.41', 'OR', '5.1700', 'Pendleton', '4.7300', 'Coolee', 'WA', '5.13', '4.7000', 'Waterville', '4.6200', 'Wenatchee', '5.15', '4.7200', 'nc=acomparison', 'na=not', 'Sokoto', 'NAN', 'Umar', 'Shelling', 'naira', 'merchant', 'eluded', 'child-sex', 'kidnapping', 'pornography', 'shockwave', 'revulsion', 'Recriminations', 'rapist', 'Dutroux', 'prey', 'unhindered', 'girls', 'dungeon-like', 'hunt', 'Ransart', 'Mont-sur-Marchienne', 'suburbs', 'abduction', 'imprisonment', 'molest', 'youngsters', 'proof', 'Michel', 'Bourlet', 'chase', 'porn', 'tapes', 'featured', 'dungeon', 'euphoria', 'rescue', 'disgust', 'eight-year-old', 'Lejeune', 'Melissa', 'Russo', 'starved', 'Marchal', 'Eefje', 'Lambrecks', 'prostitution', 'Bratislava', 'accomplice', '74-year', 'disappearance', 'high-level', 'accomplices', 'leaked', 'cataloguing', 'degree', 'bungling', 'incompetence', 'indifference', 'Among', 'revelations', 'gendarmerie', 'surveillance', 'codenamed', 'Othello', 'gendarmes', 'aware', 'cells', 'searching', 'cries', 'Justice', 'Stefaan', 'Clerck', 'stressing', 'cover-up', 'disbelief', 'unemployed', 'visible', 'Bulgarians', 'ownership', 'pre-communist', 'arable', 'hectares', 'restitution', 'Southeastern', 'lagging', 'predominantly', '96.6', '5.2', 'abolished', 'Soviet-style', 'collective', '++359-2', '981', '8569', 'BAYERN', 'HIT', 'FOUR', 'BUNDESLIGA', 'Goals', 'Juergen', 'powered', 'second-placed', 'acrobatic', '13-times', 'Ruggiero', 'Markus', 'Rhineside', 'TENDULKAR', 'UPSTAGED', 'JAYASURIYA', 'upstaged', 'dashing', 'steered', 'nine-wicket', 'comfortably', 'devastating', 'man-of-the-match', 'comparison', 'brilliant', 'fielding', 'ex-captain', 'chipped', 'stumped', 'Abdellaoui', 'Graef', '36th', '10,760', 'embassies', 'missions', 'crackdown', 'Macedonian', 'Communist', 'Korean-related', 'outlawed', 'reunification', 'DIVIDED', 'CART', 'REQUEST', 'OLAZABAL', 'Seve', 'Ballesteros', 'divided', 'Olazabal', 'PGA', 'motorised', 'cart', 'rheumatoid', 'feet', 'buggy', 'decides', 'Ryder', 'commitee', 'unhelpful', 'precedent', 'Olly', 'dispensations', 'everybody', 'carts', 'servants', 'Beijing-backed', 'post-handover', 'lawmakers', 'contesting', 'Selection', 'determining', 'stymies', '400-strong', 'provisional', 'chamber', 'dissolve', 'dismantle', 'fully-elected', 'install', 'generated', 'considerable', 'controversy', 'directorate-grade', 'bureaucrats', 'approximately', '33,000', 'tier', 'mandarin', 'secretaries', 'cleric', 'Yassin', 'checks', 'Ramle', 'prisons', 'authority', '60-year-old', 'ailing', 'wrecking', 'confined', 'humanitarian', 'abducted', 'freeing', '28.99', '2:28.98', 'Mafia', 'CATANIA', 'Sicily', 'slaying', '14-year-old', 'nephew', 'boss', 'Puglisi', 'Salvatore', 'Botta', 'gunned', 'cemetery', 'Sicilian', 'shocked', 'hardened', 'anti-Mafia', 'tip-off', 'consciences', 'Nitto', 'Santapaola', 'knelt', 'ambush', 'cemetary', 'RESEARCH', 'ALERT', 'Unitog', 'upgraded', 'Barrington', 'Associates', 'near-term', 'Analyst', '312-408-8787', 'ultra-nationalist', 'keenness', 'Liberal', 'Duma', 'embargo', 'invasion', 'namely', 'FOCUS', 'Eurobourses', 'recovers', 'Santorelli', 'clawing', 'unsteady', 'wall', 'sidelined', 'direction', 'Tankan', 'three-day', 'slipping', '0.3', 'bargain-hunters', 'patchy', 'culminating', '3,911', 'fuelled', 'unsettled', 'stronger-than-expected', 'pulling', 'Treasuries', 'peaks', '109.4', '107.0', 'relinquished', 'doldrum', 'Ackerman', 'Fahnestock', 'Consequently', 'Floor', '0.25', 'computerised', 'IBIS', '0.4', 'fantasy', 'weighed', '3.4210', 'squeezed', 'Besides', 'malaise', 'regard', 'regain', 'evaporate', 'pressured', 'strength', 'currencies', 'EMU', '1.4788', '107.74', '1.4789', '3,905.7', '6.48', '2,558.84', '388.75', '5.24', 'REVISED', 'MEN', 'Draw', 'vs.', 'Qualifier', '------------------------', 'Bjorkman', 'Rudd', 'Rikl', 'Hicham', 'Arazi', 'Sjeng', 'Schalken', 'Schaller', 'Stafford', 'Forget', 'Meligeni', 'Kafelnikov', 'Chesnokov', 'Hendrik', 'Dreekman', 'Rusedski', 'Jean-Philippe', 'Fleurian', 'Kroslak', 'Younnes', 'Aynaoui', 'Shuzo', 'Matsuoka', 'Haarhuis', 'Tebbutt', 'Richey', 'Reneberg', 'Agassi', 'Mauricio', 'Hadad', 'Felix', 'Mantilla', 'Wheaton', 'Hernan', 'Jakob', 'Spadea', 'Audi', 'INGOLSTADT', 'Demel', 'luxury', 'burden', 'volatility', 'hedged', 'chiefs', 'Iberia', 'installations', 'consists', 'Iceland', 'Joulwan', 'Allied', 'Sheehan', 'REUTER', 'JOURNAL', 'CONTENTS', 'OJ', '248', 'displayed', 'reverse', 'printed', 'ANNEX', 'STATEMENT', 'COUNCIL', 'REASONS', 'END', 'DOCUMENT', 'massing', 'allied', 'preparation', 'centres', 'penetrated', 'reflects', 'assertions', 'Hostilities', 'warring', 'aggression', 'safeguarded', 'Operation', 'Provide', 'Comfort', 'bounce', 'oversold', 'benchmark', '450', 'cwt', '10.28', '312-408-8721', 'Emelia', 'Sithole', 'HARARE', 'Zimbabwean', 'defying', 'crippled', 'essential', 'PSC', 'mortuary', 'attendants', 'firefighters', 'workplaces', 'summarily', 'PSA', 'unavailable', 'Welfare', 'Chitauro', 'recruiting', 'sub-contracting', 'ignored', 'stretched', 'hospitals', 'tourists', 'Victoria', 'Falls', 'resort', '180,000', 'Mugabe', 'civic', 'private-sector', 'Z$', 'Grimwade', 'requests', 'negotiators', 'suggestions', 'A310', 'two-week', 'NCB', '3.83', '3.43', 'Imports', '10,663', '10,725', '43,430', '40,989', '14,494', '14,153', '56,126', '56,261', '+3,831', '+3,428', '+12,696', '+15,272', 'January-April', '39,584', '55,627', '11.3', 'procedures', 'Helsinki', '+358', '680', '245', 'Burundi', 'hostile', 'UN', 'Evelyn', 'Leopold', 'UNITED', 'lashed', 'windfall', 'army-run', 'debate', 'Nsanze', 'Terence', 'stabilise', 'Tanzanian', 'Julius', 'Nyrere', 'unsympathetic', 'Pierre', 'Buyoya', 'coup', 'Tutsi-run', 'brothers', 'bind', 'Quite', 'gratuitous', 'immolation', 'circle', 'Mothusi', 'Nkgowe', 'coups', 'dump', 'heap', 'justification', 'discussion', 'impose', 'suggests', 'impede', 'cautious', 'defend', 'exposed', 'terroritsts', 'Somavia', 'unarmed', 'Inaction', 'reconvene', 'indiscriminate', 'killings', 'Inderfurth', 'unconditional', 'horrors', 'NINTH', 'McRae', 'Tyler', 'sweep', 'fastball', 'rotate', 'changeup', '3-for-4', 'outslugged', '13-9', 'rubber', 'Wilkins', 'Ericks', '13-8', 'Renteria', 'Tavarez', 'Right', 'cleanly', 'Boles', 'grows', 'Osvaldo', 'Fenandez', 'seven-hitter', 'Trenidad', 'Hubbard', 'belted', '6-13', 'Gagne', 'Chad', 'Curtis', 'pinch-hits', 'pennants', 'Finley', 'Jody', 'Reed', 'six-run', '11-2', 'Caminiti', 'Bagwell', 'Donne', '8-4', '1-1/2', 'Keane', 'Life', 'Southland', 'enterprise', 'mainframe', '859-1610', 'GRONINGEN', 'AWAY', 'Luc', 'Defending', 'Ernest', 'Faber', 'Waterreus', 'amends', 'dimissal', 'Zeljko', 'Petrovic', 'Atteveld', 'Erwin', 'Looi', 'Orii', '96/97', 'Year', '8.70', '8.67', 'prft', '371', '447', '48.61', 'automation', '94', 'lb-11', '1-64', '2-85', '3-116', '4-205', '5-248', '6-273', '25-8-61-1', '20-6-70-2', '12-1-41-1', '27-5-78-2', '6-1-17-0', 'Bodies', 'sighted', 'survivors', 'Arctic', 'Spitzbergen', 'Rune', 'NTB', 'Vnukovo', 'Tupolev', 'Longyearbyen', 'airstrip', 'rescuers', '1100', 'three-engine', 'Opera', 'mountainside', '10.15', '0815', 'coal-mining', 'Barentsburg', 'resources', '1920s', 'enforcers', 'Anton', 'subpoenas', 'dig', 'beneath', 'rationales', 'sinister', 'whites', 'Thabo', 'Mbeki', 'apologies', 'responsibility', 'Currin', 'hearings', 'confessional', 'personally', 'testify', 'souls', 'confess', 'deeds', 'self-confessed', 'Coetzee', 'Boraine', 'hardline', 'advising', 'regarded', 'totality', 'idea', 'confessing', 'interviews', 'dirty', 'tricks', 'prosecutions', 'automatically', 'ANC', 'Constand', 'Viljoen', 'unsatisfied', 'submission', 'caller', 'utterly', 'useless', 'Jannie', 'Gagiano', 'dismantling', 'guilt', 'exculpated', 'Therefore', 'reconciling', 'yourself', 'adversary', 'Professor', 'Lodge', 'Witwatersrand', 'demurred', 'irritation', 'jokes', 'uneasiness', 'Responsibility', 'percolating', 'fugitive', 'unsuccessful', 'disturbed', 'pesetas', 'chemicals', '4,150', '61.45', '61.94', '4,175', 'madness', 'overreacted', 'crazy', 'correction', 'perhaps', '+34', '585', '2161', 'Boardman', '4:15.006', 'Alexei', 'Markov', '4:23.029', 'Collinelli', '4:16.141', 'Francis', 'Moreau', '4:19.665', '4:11.114', '4:20.341', 'Darryn', 'Neiwand', '44.804', 'Jens', 'Fiedler', 'Hubner', 'Lausberg', '45.455', 'Laurent', 'Gane', 'Florian', 'Rousseau', 'Herve', 'Thuet', '45.810', 'Dimitrios', 'Georgalis', 'Georgios', 'Chimonetos', 'Lampros', 'Vasilopoulos', '46.538', 'Kathrin', 'Freitag', '11.833', '12.033', 'Grichina', '11.776', '12.442', 'Ferris', '12.211', '12.208', 'Galina', 'Enioukhina', '12.434', '12.177).', 'sued', 'Online', 'on-line', 'delivering', 'real-time', 'constitutes', 'broadcast', 'contends', 'misappropriating', 'NBA', 'continually', 'Baxter', 'Immuno', 'miilion', 'Boeing', 'secures', '747s', 'Cos', 'dividend', 'Semiconductor', 'puts', 'modem', 'chipset', 'Lion', 'Hotels', 'Doubletree', 'GTE', 'Baby', 'Bells', 'allies', 'telecommunications', 'Economists', 'proposes', 'five-point', 'toxic', 'acts', 'stock-trade', 'H&R', 'Block', 'spinoff', 'CompuServe', 'formation', 'teen', 'slumber', 'CHESAPEAKE', 'knife-wielding', 'neighbour', 'invaded', 'teenage', 'Camelot', 'subdivision', 'wielding', 'knife', 'sexually', 'Detective', 'Chesapeake', 'adults', 'detective', 'sketchy', 'teenagers', 'reportedly', 'downstairs', 'sleeping', 'commotion', 'assailant', 'fatally', 'molested', 'life-threatening', 'Harper', 'LOMBARDI', 'STAGE', 'NETHERLANDS', 'DOETINCHEM', 'kilometre', 'Almere', 'Lombardi', 'Polti', 'Sorensen', 'Rabobank', 'Motorola', 'Maarten', 'den', 'Bakker', 'TVM', 'Lietti', 'MG-Technogym', 'Hans', 'Clerq', 'Palmans', 'Jemison', 'Postal', 'Servais', 'Knaven', 'Olaf', 'Ludwig', 'Telekom', 'Jeroen', 'Blijlevens', '10.57:33', 'Federico', 'Colonna', 'Mapei', 'Heeswijk', 'Teutenberg', 'Capiot', 'Collstrop', 'Jans', 'Koerts', '19.6', 'fourth-stage', 'Doetinchem-Doetinchem', 'Krizan', 'Lila', 'Osterloh', 'Nanne', 'Dahlman', '8-', 'Fontaine', '3.30', '3.17', '2.75', '260', '231', 's', 'fashion', 'wigs', 'Finns', 'sex-abuse', 'abusing', 'captive', 'linked', 'Tampere', 'raid', 'inspector', 'Ilkka', 'Laasonen', 'linking', 'Iltalehti', 'three-party', 'quell', 'rebellion', 'Sakigake', 'Masayoshi', 'Takemura', 'smallest', 'LDP', 'destabilise', 'splits', 'seats', 'reform-oriented', 'splinter', 'Yukio', 'Hatoyama', '49-year-old', '1950s', 'snubbed', '62-year-old', 'pointedly', 'Marathon', 'resolve', 'backers', 'tainted', 'LDP-dominated', 'unpopular', 'taxpayer', 'wind', 'ruined', 'reformer', 'defectors', 'handful', 'bolts', 'topple', 'eight-month-old', 'reconvenes', 'Barkho', 'distribution', 'Secretary-', 'Boutros', 'Boutros-Ghali', 'Gualtiero', 'Fulcheri', 'Zejjari', 'disagreement', 'ascertain', 'equitable', 'procured', 'U.N', 'employ', 'Iraq-U.N.', 'memorandum', 'stationed', 'Observation', 'separating', 'supervise', '1960', 'Somalia', 'Nahar', 'Liberte', 'gang', 'Leveilly', 'Matin', 'VOGTS', 'FAITH', 'Trainer', 'Berti', 'Vogts', 'faith', 'veterans', 'Todt', 'dispensation', 'libero', 'Matthias', 'Sammer', 'Steffen', 'Freund', 'Schneider', 'Kahn', 'Reck', 'Babbel', 'Kohler', 'Basler', 'Bode', 'Dieter', 'Eilts', 'Mehmet', 'Scholl', 'Strunz', 'Ziege', 'Forwards', 'Fredi', 'Kuntz', 'COPENHAGEN', 'Aaxis', 'Limited', '10.9', 'listed', 'logo', 'falsified', 'accounts', 'provisions', '146', 'necessitate', 'write', 'Weizman', 'Copenhagen', '+45', '33969650', 'BOARDMAN', 'METRES', '13.353', '4:19.699', "M'bishi", '7-year', 'Chemical', 'MGR', 'Nomura', 'FISCAL', 'AGENT', 'Tokyo-Mitsubishi', '2.95', 'Sep.03', 'Sep.96', 'INT', 'Mar.97', 'SIGN', 'SUB', 'Jul-18.Jul', 'JCR', 'JBRI', 'NIS', 'Slovak', 'Laca', 'BRATISLAVA', 'Interpol', 'Rudolf', 'Gajdos', 'versions', 'gypsy', 'Topolcany', 'elaborating', 'visits', 'sketch', 'murderer', 'identical', 'portrait', 'father-of-three', 'eight-year-olds', 'pornographic', 'films', 'difficulty', 'filmed', 'Belgians', 'institutional', 'DSE', 'all-share', '8.05', '0.7', '1,156.79', '146.2', '12.71', '228.7', 'Cables', '20.37', '677.98', 'Apex', 'Tannery', '22.72', '597', 'short-covering', 'Niugini', 'miner', 'Mining', 'acquiring', '49.6', 'minorities', 'mining', 'Papua', 'Guinea', '17.2', 'Lihir', '0025', '3.65', '108,288', '9373', '1800', 'BOTHAM', 'DISMISSES', 'GATTING', 'CLASS', 'DEBUT', 'demonstrated', 'golden', 'Gatting', 'half-volley', 'square-leg', 'XI', 'learn', 'Stephenson', 'dashed', 'thrid', '1977', 'dismissing', 'Chappell', 'hop', '5,200', 'killers', 'bishop', 'Bishop', 'Claverie', '58-year-old', 'Oran', 'Charette', 'SLOVAK', 'Tatran', 'Presov', 'Artmedia', 'Petrzalka', 'JAS', 'Bardejov', 'DAC', 'Dunajska', 'Streda', 'Spartak', 'Trnava', 'Dukla', 'Banska', 'Bystrica', 'Nitra', 'MSK', 'Zilina', 'Kosice', 'Petrimex', 'Prievidza', 'Rimavska', 'Sobota', 'Lokomotiva', 'Kerametal', 'Dubnica', 'UKRAINIAN', 'Kremin', 'Kremenchuk', 'Vorskla', 'Poltava', 'Ternopil', 'Torpedo', 'Zaporizhya', 'Shakhtar', 'Donetsk', 'Kryvbas', 'Kryvy', 'Rig', 'Karpaty', 'Lviv', 'Prykarpattya', 'Ivano-Frankivsk', 'Zirka-Nibas', 'Kirovohrad', 'Chornomorets', 'Odessa', 'Metalurg', 'Dnipro', 'Dnipropetrovsk', 'CSKA', 'Tavria', 'Aid', 'Stallone', 'fiancee', 'Actor', 'Sylvester', 'Flavin', 'publicist', '7-pound', '4-ounce', 'Sophia', 'Bloch', 'wonderful', 'Rocky', 'Rambo', 'movies', 'Copland', 'Fla.', 'settles', 'JACKSONVILLE', '4.7', '19.4', 'portfolios', 'thrifts', 'discontinued', 'installment', 'loans', 'Thais', 'manhunt', 'possession', 'Westlake', 'sucessful', 'Klongprem', 'outskirts', 'Vivit', 'Chatuparisut', 'Correction', 'sawed', 'grill', 'cell', 'five-metre', '15-foot', 'rope', 'sheets', 'corrections', 'probing', 'inmates', 'chained', 'breakouts', 'Westerners', 'Australians', 'COCU', 'EARNS', 'spur', 'bicycle', 'marksmen', 'min', '18,500', 'Driller', 'Sobotzik', 'Thon', 'Wilmots', '1-3', '19,775', 'STEPS', 'Finn', '1,452-km', 'gearbox', 'Maakinen', 'strengthened', 'nearest', 'Mideast', 'distillates', 'kerosene', '99', 'sort', 'noticeable', '45-50', 'differential', 'Another', 'Dubai', 'ports', 'exceed', 'assessed', '27.40', '27.70', '27.22', '24.00', '24.20', '24.10', '24.24', 'enquiries', 'covering', 'lowest', 'suspicious', 'remaining', 'overhang', 'mid-September', 'sulphur', '70-75', 'SOLIDERE', 'privately-operated', 'Secondary', 'BSM', 'rebuilding', '104.625', '650-million', 'subscription', '106.5', '106.375', '8,049', '8,757', '850,968', '918,288', '1,185', 'Ciments', 'Libanais', '1.1875', '2,036', 'Blancs', 'Eternit', 'Uniceramic', 'BLOM', '0.04', '903.09', 'LISPI', '81.58', '961', '864148', '353078', '861723', 'Aircraft', 'emissions', 'CAEP', 'Consultancy', '251/09', 'Provision', 'overland', 'delegations', 'Countries', 'Independent', 'Contract', 'notice', 'TRA', '003', 'IAE-3', '251/08', 'Microfiche', 'Invitation', 'DI', '96/04', 'Micromation', '251/07', 'Gaseous', '251/06', 'Tacis', 'coordination', 'Notice', '251/05', 'REGULATION', 'EEC', '4064/89', '251/04', 'FINANCIAL', 'STATEMENTS', 'COAL', 'STEEL', 'COMMUNITY', 'DECEMBER', '251/03', 'wines', '251/02', 'Ecu', '251/01', 'inconclusive', 'Baltic', '101-strong', 'rebuff', 'Toomas', 'Savi', 'Lloyds', 'Shipping', 'LATTAKIA', 'Lattakia', 'Tartous', 'presently', 'payout', 'MINNEAPOLIS', '0.69', '408-8787', 'Weston-super-Mare', 'Cox', '7-73', '236-4', 'Lathwell', 'Firsy', '5-68', '72-0', '128-1', 'Fulton', '343-8', 'Simmons', 'Nixon', '368-7', 'Lenham', 'Drakes', '392-6', 'Archer', '143', 'Dowman', 'Worcester', '255-9', '305-5', 'Vaughan', 'Yastrzhembsky', 'Yastrezhembsky', 'offical', 'receives', 'packet', 'cannabis', 'chilli', 'sauce', 'concealed', 'boxes', 'container', 'Freeport', '226', 'Banespa', 'SAO', 'PAULO', 'O', 'Globo', 'liquidated', 'temporary', 'restructure', 'privatized', 'refinance', 'designed', 'Covas', 'reais', 'delicate', 'solved', 'Bamerindus', '90-day', 'paying', 'Basic', 'Rate', 'TBC', 'fourth-largest', 'troubles', 'Fatima', '55-11-2324411', 'Tonga', 'unexpected', 'drinking', 'Tauranga', 'pothole', 'spun', 'wheels', 'tyres', 'pouring', 'bonnet', 'drink-driving', 'iscovered', 'Immigration', 'overstayer', "Nuku'alofa", 'SPANISH', 'Samson', 'Etienne', 'Mendy', '12,000', 'Vairelles', 'Foe', 'Ferhaoui', 'Lefevre', 'Giuly', 'Pires', '74th', 'Chaouch', 'Rouxel', 'Baret', 'Loko', 'Guivarch', '27th', 'Colleter', '.594', '.473', '.446', '.574', '.520', '24TH', '.630', '.430', '.429', 'DTB-Bund-Future', '02.SEP.96-06.MAR.97', '95.35', 'WARRANTS', 'CALL', '96.00', '1.16', '97.00', '2.50', '127.10', '98.00', '202.90', 'PUT', '94.00', '101.40', 'E', '95.0', '1.33', '1.80', '71.70', '96.0', '1.84', '1.20', '51.80', 'Ignacio', 'Olascoaga', 'Mugica', '1960s', 'FINALS', '950', '455', 'SALAH', 'HISSOU', 'Salah', 'Hissou', '38.08', '26:43.53', 'Haile', 'Gebreselassie', 'Hengelo', 'ACC', 'Apr-Jul', 'Associated', 'Cement', 'April-July', '2.93', 'Nani', 'Palkhivala', '3.14', 'April-March', '3.01', 'grinding', '275,000', 'Talking', 'expansion', '1994/95', '77.79', '87.45', 'stiff', 'inadequate', 'infrastructural', 'shortages', 'achieved', '9.4', 'retaining', 'VAN', 'HEESWIJK', 'ALMERE', 'Haarlem', 'Zabel', 'Zanoli', 'MX', 'Onda', 'Giuseppe', 'Citterio', 'Aki', 'Robbie', 'McEwen', 'Kaspars', 'Ozers', '8:22:00', 'Corini', 'Hincapie', 'ABIDJAN', 'Ivorian', 'FRATERNITE', 'MATIN', 'Cabinet', 'establishes', 'decentralisation', 'LA', 'VOIE', 'Bauza', 'Donwahi', 'Henri', 'Konan', 'Bedie', 'Douati', 'Alphonse', 'illicit', 'swine', 'JOUR', 'Lakpe', 'publisher', 'Populaire', 'appoints', 'Colonel', 'Severin', 'Kouame', 'Tanny', 'Abidjan', '+225', 'Faulding', 'ELIZABETH', 'Purdue', 'Frederick', 'Purepac', 'Pharamceutical', 'Kadian', 'sustained', 'morphine', 'merit', 'Zeneca', 'F.H.', '47.5', '3,684', '7,011', '3,292', '1,683', '5,539', '115,941', '38.4', '83,801', '813', 'Prairies', 'frost', 'anywhere', 'grainbelt', 'Environment', 'Apparently', 'Alberta', 'meteorologist', 'Gerald', 'Machnee', 'Sprague', 'Manitoba', 'Celsius', '39.2', '2.0', 'depending', 'windspeed', 'sky', 'Freezing', 'Battleford', 'Sask', 'Alta', '44.6', 'proponents', 'moon', '30.0', 'SPORTING', 'START', 'Predrosa', 'Lisbon', 'SC', 'drilled', 'right-foot', 'Nail', 'Besirovic', 'Vidigal', 'Hadji', 'SORRENTO', 'ROUTS', 'Oriole', 'Jamie', 'Moyer', 'tiring', 'Sorrento', 'routed', '10-3', '10-2', 'tagged', 'Norm', 'seal', 'Griffey', 'Jr', 'stroked', 'Coppinger', 'right-field', 'touched', 'scoreboard', 'Things', 'slams', 'dwell', '1/3', 'Bench', 'foul', 'Clemens', '7-11', 'shutout', 'Stairs', 'tripled', 'Tinsley', 'Steinbach', 'dunked', 'broken-bat', '28-inning', 'longest', 'Reliever', 'Garret', 'DiSarcina', 'Edmonds', 'coasted', '12-3', 'Kenny', 'Rogers', '10-7', '21-1', '12-12', 'four-game', 'Travis', 'Fryman', 'Melvin', 'Nieves', 'Damion', 'Easley', 'handing', 'seven-game', 'Belcher', '12-8', 'Rusty', 'Greer', 'red-hot', 'contests', '14-7', 'yielded', 'outdueled', 'Brumfield', 'Otis', 'blanked', 'shortened', 'Mubarak', 'Hosni', 'robbing', 'burnt', 'alive', 'sprinkling', 'petrol', 'Andhra', 'Pradesh', 'rarest', 'beings', 'roasted', 'appellants', 'plotted', 'scheme', 'K.T.', 'journalist', 'Lapke', 'questioning', 'Colleagues', 'confidential', 'Voie', 'insulting', 'ASEC', 'incitement', 'disturb', 'ISRAELI', 'Kfar', 'Sava', 'Zafririm', 'Holon', 'Maccabi', 'Haifa', 'Petah', 'Tikva', 'Lezion', 'Beit', "She'an", 'Beersheva', 'Herzliya', '.589', 'SUNDAY', '25TH', '.633', '.462', '.454', '.408', '.426', 'Nicaraguan', 'MANAGUA', 'Violeta', 'Chamorro', 'compression', 'Johns', 'Hopkins', 'inflamation', 'chronic', 'osteoporosis', 'weakens', 'bones', 'DECLARED', 'WEATHER', 'closures', 'INDONESIAN', 'STOCKS', '**', 'Megawati', 'Sukarnoputri', '31.44', '5,689.82', 'three-session', 'tobacco', 'composite', '2.60', '0.48', '542.20', 'bargain-hunting', 'big-capitalised', 'secondliners', '2,343.00', '43.50', '2,342.75', 'WATCH', 'Packaging', 'Indah', 'Makmur', 'VDH', 'Teguh', 'Sakti', 'Singapore-listed', 'Privately-owned', 'Duta', 'obtaining', 'fresh', 'syndicated', 'reshuffle', 'Ciputra', 'Development', 'INTERVIEW-T&N', 'untroubled', 'components', 'T&N', 'optimistic', 'Hope', 'bumble', 'predict', 'worse', 'echoing', 'automotive', 'industries', 'particular', 'Compared', 'rebound', 'equally', 'predicting', 'Against', 'glad', 'rationalised', 'destocked', '9.5', 'destocking', 'relaxed', 'cycle', 'capable', 'fraction', 'Commenting', 'piston', 'Kolbenschmidt', 'hampered', 'obstacles', 'Huddart', '8716', 'AOL', 'online', 'HANOVER', 'Bertelsmann', 'AdOn', 'Schiphorst', 'CeBIT', 'electronics', 'Hanover', 'Buettner', 'subscribers', 'thirds', 'Scandanavia', '0172', '6736510', 'INJURED', 'CHANDA', 'RUBIN', 'Promising', '10th-ranked', 'Chanda', 'Rubin', '20-year-old', 'assignments', '17th-ranked', 'highest-ranked', 'non-seeded', 'slot', 'notable', '12th-ranked', 'Pierce', '20th-ranked', 'Meredith', 'Becker', 'vow', 'Sylvie', 'AJACCIO', 'Separatist', 'planted', 'Mediterranean', 'warnings', 'lb', 'floors', 'Ajaccio', 'lbs', 'defused', 'get-tough', 'toward', 'Jean-Louis', 'Debre', 'staging', 'Corse', 'Judges', 'lax', 'widely-reported', 'heels', 'powerless', 'searches', 'reinforcements', 'France-Soir', 'Place', 'Beauvau', 'nightly', 'Figaro', 'shaky', 'seven-month', 'racked', 'low-level', 'separatist-inspired', 'principally', 'decades', 'principle', 'grammes', 'continent', 'widely', 'stoke', 'backlash', 'Lufthansa', 'in-house', 'Lufthanseat', 'Available', 'freight-tonne', '2,389', 'Freight', '67.0', 'Dm', 'Flight-related', 'fees', 'aboard', 'Eyewitnesses', 'Rona', '+', '00--44-171-542-7947', 'Nijmeh', 'Nasr', 'Issa', 'Alloush', '1980-88', 'Majid', 'Takht', 'Ravanchi', 'constructing', 'observation', 'installing', 'mortars', 'anti-aircraft', 'penetrating', 'eight-year', 'U.N.-sponsored', 'mirroring', '5,731', 'NASDAQ', '1,143', '666', 'advances', 'lagged', '476/698', '837/763', '2/32', 'nitrofuran', 'usage', 'chicken', 'antibiotic', 'feedmillers', 'abide', 'Chua', 'Jui', 'Meng', 'Bernama', 'ringgit', '27.53', '27.25', 'FIGURES', 'MILLION', '27,535.5', '13,256.5', '12,855.7', '14,278.9', '9,510.9', '10,056.4', 'OPTIONS', 'vols', 'regrouping', 'Implied', 'German-led', 'Volatility', 'Euromark', '14.00', '16.75', '19.50', '21.25', 'welter', '18.50', '20.00', '22.00', '23.5', '1347', '96.78', 'sell-off', 'overdone', 'Bundesbank', 'repo', 'longer-dated', 'short-dated', 'vol', 'historically', 'vol.', 'reassess', 'OTC', 'Coughlan', 'over-the-counter', 'Bunds', 'high-yielding', 'downside', 'upside', 'recommend', 'strangles', 'vulnerable', 'fronts', 'enhance', 'Nisbet', '6320', '.362', '.592', '.474', '26TH', '.405', '.519', '+2', '+3', '+4', '+5', 'Sigeki', '+6', '+7', '+8', '+9', '+11', 'FIXTURES', '30-SEPT', 'fixtures', 'Fife', 'Clydebank', 'Greenock', 'Falkir', 'Partick', 'Mirren', 'Johnstone', 'Airdrieonians', 'Ayr', 'Berwick', 'Clyde', 'Dumbarton', 'Brechin', 'Livingston', 'Stenhousemuir', 'Stranraer', 'Cowdenbeath', 'Arbroath', 'Alloa', 'Montrose', 'Forfar', 'Nicaraguans', 'JOSE', 'tree', 'delinquency', 'Bernardo', 'Arce', 'guide', 'ransom', 'Hurte', 'Sierd', 'Zylstra', 'Jetsi', 'Hendrika', 'Coers', 'teak', 'Ebe', 'Huizinga', 'Zastava', 'factory', 'unpaid', 'wages', 'rejecting', 'Vukasin', 'Filipovic', 'Kragujevac', 'supplying', 'square', 'consequences', 'mismanagement', "N'DJAMENA", 'Idriss', 'Deby', 'fixing', 'Nomads', '125-member', 'uprising', 'CRAWLEY', 'FORCED', 'SIT', 'endure', 'frustrating', 'maiden', 'Heavy', 'drizzle', 'umpires', '1415', '1315', 'strumming', 'guitar', 'dressing-room', 'damp', 'patches', 'outfield', 'raining', '1230', '1130', '1900', 'rain-affected', 'Collingtree', 'Cage', 'Emanuele', 'Canonica', 'Howell', 'Bottomley', 'Sellberg', 'Fulke', 'Haglund', 'Niclas', 'Fasth', 'Chistian', 'Cevaer', 'McFarlane', 'Domingo', 'Harwood', 'Brenden', 'Pappas', 'Teravainen', 'Velde', 'Oyvind', 'Rojahn', 'Neal', 'Briggs', '2:37', '2:42', '3:22', '4.09', 'Sebastian', 'Lindholm', '5:17', 'Lasse', 'Lampi', '12:01', 'Rui', 'Madeira', '16:34', 'Angelo', 'Medeghini', '18:28', 'EOE', '1605', 'CALLS', 'PUTS', 'VOLUME', '83,008', '60,131', '22,877', 'FEATURES', 'INDEX', '7,391', '5,658', '15.72', 'AHOLD', '7,190', '1,123', '10.01', 'BOLSWESSANEN', '4,420', '705', '6.17', 'ABN', 'AMRO', '3,003', '1,940', '5.95', '3,853', '673', '5.45', 'VNU', '3,060', '843', '4.70', '020-504-5040', 'bartender', 'attempting', '9.68', 'luggage', 'lounge', 'bag', 'hometown', 'commuted', 'Researchers', 'muscular', 'dystrophy', 'gene-therapy', 'technique', 'Gene', 'Therapy', 'telethon', 'method', 'Nevertheless', 'patients', 'Muscular', 'muscle', 'degenerates', 'fat', 'adulthood', 'Individuals', 'non-working', 'gene', 'producing', 'crucial', 'dystrophin', 'altered', 'common-cold', 'minimise', 'susceptibility', 'immune', 'injected', 'mice', 'bred', 'genes', 'experiment', 'fibers', 'diminishing', 'Similar', 'test-tube', 'decrease', 'immune-system', 'Boskalis', 'upgrades', '13:12', 'PAPENDRECHT', 'Dredging', 'Westminster', 'corrects', 'utilisation', 'dredger', 'uncertain', 'full-year', '70.9', '27.5', 'year-earlier', '41.4', 'CHAMPIONSHIPS', 'Selected', '4:13.353', '4:14.784', 'Gritson', '4:16.274', 'Heiko', 'Szonn', '4:21.715', '4:17.551', 'Sandstod', '4:24.660', '4:19.762', 'Mariano', 'Friedick', '4:20.241', 'time-trial', '02.777', '1:02.795', 'Eiden', '1:04.732', 'Grzegorz', 'Krejner', '1:04.834', 'Ainars', 'Kiksis', '1:04.896', '1:05.022', 'Moreno', '1:05.219', 'Keiji', 'Kojima', '1:05.300', 'Sharman', '1:05.406', 'Escuredo', '1:05.731', 'MacLean', '1:05.735', 'Meidlinger', '1:05.850', 'McKenzie-Potter', '1:06.289', 'Masanaga', 'Shiohara', '1:06.615', 'Zyl', '1:07.258', 'Keirin', 'Nothstein', '10.982', 'Magne', 'Buran', 'Madison', 'Martinelli', '47.4', 'McGrory', 'Pate', 'Kappes', 'Carsten', 'Betschart', 'Risi', 'Curuchet', 'Pieters', 'immi', 'Madsen', 'Veggerby', 'Isaac', 'Galvez-Lopez', 'Llaneras', 'Kotzmann', 'Stocher', 'Capelle', 'Monin', 'cutout', 'offal', 'DES', 'MOINES', 'steer', '9.76', '0.03', 'launches', 'fictitious', 'CONAKRY', 'payroll', 'Sidia', 'Toure', 'Ousmane', 'Kaba', 'inspectors', 'provinces', 'root', 'existed', 'Guinean', 'expenditure', 'whereas', 'ours', 'revive', 'rich', 'minerals', 'Lansana', 'Conte', '=1,000', 'Career', 'Horizons', 'Donaldson', 'Lufkin', 'Jenrette', 'Further', '3/4', '35-7/8', 'O.J.', 'Simpson', 'hints', 'financially', 'hopeful', 'star', 'jury', 'detailing', 'sweeping', 'gag', 'prohibits', 'lawyers', 'acquittal', 'crying', 'blues', 'Whatever', 'erroneous', 'lawsuits', 'jam-packed', 'Contrary', 'distanced', 'Buffalo', 'Bills', 'Fame', 'wildly', 'supportive', 'gifts', 'D.C.', 'Domestic', 'Violence', 'instead', 'SBPUs', 'seven-day', '14-day', 'Cut-off-rate', '15.75', '16.00', '38.43', '218.50', 'Work', 'juvenile', 'Aleix', 'Vidal-Quadras', 'defenestration', 'Worldwide', 'Santander', 'Caja', 'chancellor', 'vacation', 'exclusive', 'lodge', 'loudest', '20-month-old', 'tens', 'consult', 'Ezer', 'weighing', 'consulted', 'Yedioth', 'Ahronoth', 'Aryeh', 'Shumer', 'fitting', 'proces', 'KEKKILA', 'FULL-YR', 'VS', 'LOSS', 'Fertilisers', 'saplings', 'Kekkila', 'latter', 'nevertheless', 'end-year', 'profitable', 'Maltese', 'Visitors', 'cheating', 'Tourists', 'complain', 'over-charging', 'IN-NAZZJON', 'discipline', '365,000', '195,000', '80,000', 'congested', 'transit', 'L-ORIZZONT', 'Alfred', 'Sant', 'steep', 'VAT', 'SCORERS', 'goalscorers', 'Anto', 'Xavier', 'Miladin', 'Enzo', 'Stagecoach', 'Swebus', 'stg-plus', 'vendors', 'conditional', 'ATLETICO', 'Pizzi', 'la', 'Pena', 'Tapie', 'opens', 'Claude', 'Lelouche', 'stars', 'Philippe', 'Seguin', 'resigning', 'eject', 'bankrupt', 'thus', 'blizzard', 'now-destroyed', 'starring', 'Homme', 'femmes', 'mode', "d'emploi", 'power-hungry', 'movie', 'cruel', 'comedy', 'dearly', 'mixing', 'careers', 'artist', 'Toubon', 'ejecting', 'stripping', 'suspend', 'judgement', 'probable', 'immunity', 'courts', 'rigging', 'appealing', 'CRR', 'medium', 'industrialists', 'theoretical', 'instrument', 'reducing', 'context', '+91-11-3012024', 'Arch', '1,100', 'bbl', 'FORT', 'WORTH', 'exploratory', 'Morinville', 'excess', 'Trax', 'et', 'al', '10-23', 'logged', 'productive', 'Leduc', 'Reef', '5,350', '250,000', 'Petroleums', 'Cometra', '11-13', '590', '64ths-inch', 'choke', '2-25', 'encountered', 'Nordegg', 'Apache', 'Saunders', '14-28', 'depth', '3,800', 'acreage', 'earning', '5,120', '8,320', 'Butte', 'Garrington', '4-8', 'Testing', 'Including', 'Brumm', '212-859-1710', 'Companion', 'Marble', '14.0', '56.06', '531.52', 'granite', 'distributor', 'Material', 'Room', 'SKHIRAT', 'Skhirat', 'Rabat', 'purely', 'Majesty', 'Accompanied', 'HAARLEM', 'Publisher', 'breakdown', 'Op', 'Consumer', '618', '568', '363', 'Commercial', '127', '174', 'info', '178', 'USA', 'Education', 'Miscellaneous', 'pro', 'rata', 'HMG', 'VTM', 'STRIKER', 'GABRICH', 'Iwan', 'Cesar', 'Gabrich', 'Kluivert', 'Tijjani', 'Babangida', 'Dani', 'league-Australian', 'div', 'Ord', '10.00', 'Commem', 'Made', 'manufactures', 'clubs', 'ski', 'balks', 'oil-for-food', 'balked', 'implement', 'blaming', 'insisting', 'stringent', 'surpasses', 'electricity', 'sewers', 'interfering', 'augment', 'threaten', 'arrangements', 'Humanitarian', 'DHA', 'coordinate', '1.13', 'monies', 'reparations', 'deducted', 'overseeing', 'anticipated', 'supervision', '1,190', '267', '923', '598', 'York-based', 'overseers', 'Yasushi', 'Akashi', 'undersecretary-general', 'percentile', 'Softbank', 'procure', 'forex', 'Kingston', 'Technology', 'high-profile', 'acquisitions', 'Elephant', 'tramples', 'KATHMANDU', 'rampaging', 'elephant', '72-year-old', 'trampled', 'Hari', 'Maya', 'Poudels', 'Madhumalla', 'beast', 'kingdoms', 'Kathmandu', 'elephants', 'Elephants', 'protected', 'Nepali', 'scorers', 'Thierry', 'Marc-Vivien', 'Patrice', 'SPA-FRANCORCHAMPS', '5.602', '15.710', '19.125', '29.179', '29.896', '1:00.754', 'Ukyo', 'Katayama', '1:40.227', 'Ricardo', 'Arrows', 'Lamy', 'Minardi', 'Netherland', '1:53.067', '221.857', 'ROWING', 'REDGRAVE', 'SEEK', 'FIFTH', 'OLYMPIC', 'Redgrave', 'Matthew', 'Pinsent', 'coxless', 'thoughts', 'athlete', 'enthusiasm', 'Rowing', 'endurance', '5-43', '532-8', 'Robinson', 'Alleyne', '4-80', 'Match', '323-5', 'Hooper', 'Llong', '273-5', '361', '142-4', '446-9', '53-0', '128-4', '162-4', '205-9', 'Spiring', '3-12', '164-4', '529-8', 'Watkinson', '4-53', '231-7', 'Speak', '4-48', '4-36', '135-9', 'marijuana', 'ship', 'metric', 'tons', 'sail', 'Cartagena', 'shipping', 'Chiluba', 'shuffles', 'fill', 'vacancy', 'LUSAKA', 'Zambian', 'shuffled', 'sacking', 'Remmy', 'Mushota', 'tribunal', 'coffers', 'Lands', 'Luminzu', 'Shimaponda', 'Machungwa', 'Cukaricki', 'Hajduk', 'Becej', 'Borac', 'Mladost', 'Zemun', 'Rad', 'Buducnost', 'Sutjeska', 'Sloboda', 'Loznica', 'Obilic', 'OFK', 'Kikinda', 'Radnicki', 'Beograd', 'BJ', 'Zeleznik', 'poisoning', 'receding', 'mysterious', 'germ', 'requiring', 'Sakai', 'hardest', 'O-157', 'colon', 'bacillus', 'settling', 'Naoto', '9,500', 'regional', 'bacteria', 'schoolchildren', 'complications', 'pinpoint', 'sanitary', 'slaughterhouses', 'meatpacking', 'schools', 'compile', 'hygiene', 'SEC', 'adopts', 'specialists', 'Nasdaq', 'quotes', 'readily', 'Specialists', 'individuals', 'recognised', 'empower', 'Levitt', 'Lindsey', 'improvements', 'proposing', 'technology', 'commonplace', 'practices', 'two-tiered', 'malpractices', 'upgrade', 'oversight', 'shifts', 'quotations', 'display', 'Berkeley', 'Banda', 'feeling', 'BLANTYRE', 'frail', 'Kamuzu', 'vegetarian', 'teetotaller', '97', 'unaided', 'clutched', 'whisk', 'symbolised', 'obsession', 'undisputed', 'ruler', 'all-party', 'acquitted', '1983', 'casino', 'deliberately', 'casinos', 'soared', 'wide-ranging', 'executes', 'robbers', 'Shabir', 'Jalil', 'Mecca', 'beheads', 'rapists', 'murderers', 'criminals', 'jeopardises', 'jeopardised', 'scrutinise', 'hacks', 'hack', 'environment', 'fiscally-tight', 'Telstra', 'Official', 'impasse', 'authorised', 'trashed', 'nudge', 'explicit', 'GOP', 'reporter', 'Bush', 'Simex', '20,500', 'Sentiment', 'focusing', '20,605', 'touching', 'intraday', '20,530', '20,725', '19,560', 'technically', '20,300', '21,000', 'Doreen', 'Siow', '65-8703092', 'operators', '2,342.0', '42.5', '0915', 'ample', '2,342.00', '42.45', '2,341.5', 'month-end', 'PDI', 'ousting', 'adjourned', 'out-of-court', 'seemed', 'diminish', 'Overnight', 'tom', '18.5', '52.75', '53.50', '2,337', '2,455', 'Aronkasei', 'three-grade', 'institute', 'assigns', '225-share', '195-km', '.Giuseppe', '.Robbie', 'MTH', 'PVS', 'YR-AGO', '+0.1', '+0.0', '119.3**', 'Yr', '+3.7', '+3.6', '+4.7', '119.3', 'Core', '+0,2', '+3.5', '+5.2', 'JOBLESS', 'INEM', '63,913', '33,149', '65,345', '2.17M', '13.67', '14.15', '15.19', 'BALANCE', 'PAYMENTS', '196.8', '180.6', '279.9', 'Cur', 'Acc', '110.4', 'RESERVES', '+1,161', '+400.9', '+310.4', '54,703.0', 'PRODUCER', 'PRICES', '+0.2', '119.6**', '+1.2', '+1.5', '+7.1', '119.6', 'INDUSTRIAL', 'PROD', '+1.0', '+9.8', '108.4**', 'M4', '+2.6', '+4.2R', '+10.8', 'adj', 'trln', '75.912', 'TRADE', '1,100.7', '1,164.1', '988.2', '1,315.7', '1,433.4', '1,236.5', 'Deficit', '215.0', '269.3', '248.3', '1,334.0', '1,119.0', '1,420.9', 'GOVT.BUDGET', 'Govt.Fcast', '+282.1', '380.6', '+230.4', 'Def', '1,184.0', '1,466.1', '1,456.7', 'QUARTER', 'QTR', 'EPA', '+168,130', '+31,230', '+167,330', 'Yr-yr', '+1.9', '+2.3R', '+3.4', 'Absolute', '18.1', '16.9', '69.7', 'INTEREST', 'RATES', 'Pvs', '7.25', '7.50', '04/06/96', 'payments', 'Jobless', 'customs-cleared', 'annualised', 'employment', 'INE', 'variation', 'TOTAL-', 'jobless', 'accumulated', 'corresponds', 'relate', 'finances', '**General', '100=1992', '100=1990', 'exporters', 'purchasing', '1997/98', '199,900', 'Nil', '149,100-A', '74,600', '55,000-B', 'Unknown', '161,600', 'A-', '54,600', 'B-', '55,000', 'Destinations', 'Yemen', '47-year-old', 'Tribunal', 'Luciano', 'Pessina', 'restaurants', 'independently', 'imprisoned', 'travelled', 'Mentmore', 'resource', 'archive', 'stationery', 'housewares', 'formerly', 'Platignum', 'articles', '81.5', 'valuing', '179.5p', '4017', 'TEAMS', 'Alec', 'Maynard', 'Ata-ur-Rehman', 'Saqlain', '5-67', '105-4', '73-3', 'blockades', 'roadblocks', 'importing', 'radios', 'blockaded', 'motorways', '0100', 'LJUBLJANA', 'intensify', 'reinforced', 'determination', 'Aleksander', 'Kwasniewski', 'Slovenian', 'Kucan', 'strengthening', 'ambitions', 'bloc', 'Area', 'comprises', '142.3', '118.8', 'Janez', 'Drnovsek', 'Chamber', 'Economy', 're-nomination', 're-nominate', 'Michigan', 'Indiana', '559-mile', 'nabs', '10-year-old', 'sneaked', 'Territories', 'Jiangsu', 'passerby', 'overstayed', 'clip', 'laughing', 'Dmitrieva', 'inaugurated', 'lakelands', 'SPECTATOR', 'FINNISH', 'Richardt', 'ploughed', 'two-kilometre', 'Jyvaskyla', 'skidded', 'cordoned-off', 'spectators', 'practising', 'calendar', '1241', 'III', '1249-1286', 'consolidated', '1260', 'Ghibellines', 'retook', 'Florentine', 'Guelfs', 'Monte', 'Aperto', '1768', 'Francois-Rene', 'Vicomte', 'Chateaubriand', 'romantic', 'seminal', 'autobiography', 'Memoires', "d'Outre", 'Tombe', '1781', 'Pueblo', 'Nuestra', 'Senora', 'Reina', 'Lady', '1824', 'Bruckner', 'composer', 'organist', 'symphonies', 'masses', 'tradition', '1870', 'Empire', 'Napoleon', 'Franco-Prussian', '1886', 'Skeleton', 'Canyon', 'Arizona', 'Geronimo', 'Miles', '1892', 'Prolific', 'modernist', 'Darius', 'Milhaud', 'jazz', 'ballet', 'Creation', 'du', 'Madame', 'Bovary', '1906', 'German-born', 'biologist', 'Delbruck', 'Winner', '1969', 'physiology', 'genetic', 'infect', '1907', 'Edvard', 'Grieg', 'Peer', 'Gynt', 'Suite', 'Piano', 'Concerto', '1908', 'Dmytryk', 'Crossfire', 'Hollywood', 'Farewell', 'lovely', '1909', 'Boy', 'Scout', '1944', 'liberated', 'Wilhelmina', '1890', 'Wars', 'abdicated', 'Juliana', '1963', 'Schuman', 'statesman', '1947-48', '1948-52', '1964', 'Forth', '6156', 'ft', '3300', '1965', 'Schweitzer', 'theologian', 'philosopher', '1913', 'Acclaimed', 'interpretations', 'J.S.', 'Bach', 'Brotherhood', '1972', 'Spitz', 'Olympiad', 'E.F.', 'Fritz', 'guru', 'Small', 'Beautiful', 'Georges', 'Simenon', 'writer', 'Inspector', 'Maigret', 'Todor', 'Zhivkov', 'embezzling', 'Declaring', '15-month', '3,000th', 'Fourth', 'equality', 'MITCHELL', 'UPSTAGES', 'TRIO', 'customary', '10.03', 'scalp', 'lucrative', 'blocks', '10.09', '10.10', 'Ato', 'Boldon', '10.14', 'limp', '12.92', '0.01', 'hurdler', 'relish', 'dominating', '13.24', 'pelting', 'hurdlers', 'Engquist', 'footing', '12.60', 'Brigita', 'Bukovec', 'Jamaican', '12.77', 'Aliuska', 'jackpot', 'one-kg', 'clinch', 'Golden', 'Derrick', 'Adkins', '47.93', 'Gail', 'Devers', '10.84', 'Merlene', 'Ottey', 'photo', '11.04', 'Gwen', 'Torrence', '11.00', 'AVERAGES', 'three-match', 'Batting', 'outs', '396', '79.20', '59.33', '190', '113', '38.00', 'Nasser', '37.00', '32.40', '159', '31.80', '41no', '25.50', '16.66', 'Ealham', '15.00', '11.60', '10no', '9.75', '6.00', 'Caddick', 'Graeme', 'Hick', 'maidens', '57.2', '165', '27.50', '36.16', '150.3', '377', '37.70', '42.00', '62.50', '69.00', '81.00', '61.2', '221', '110.50', '264', '264.00', '158', '79.00', '141', '68.80', '100no', '65.00', '320', '148', '64.00', '60.33', 'Latif', '45.00', '38.50', '30.00', '98', '24.50', 'Shadab', 'Kabir', '21.75', '26.29', '26.93', '350', '31.81', '48.4', '173', '34.60', '71.00', 'DALGLISH', 'SAD', 'OVER', 'BLACKBURN', 'PARTING', 'Dalglish', 'sadness', 'mutual', 'consent', 'ex-manager', 'albeit', 'mouth', 'summary', 'Mid-tier', 'golds', 'Toronto-based', 'TVX', '0.30', '11.55', '780,000', 'Kinross', '720,000', 'Scorpion', 'properties', 'eyebrows', 'Exploration', '941-8100', 'GIBBS', 'Province', 'Herschelle', '14-man', 'quadrangular', 'Woolmer', 'matured', 'MCC', 'supreme', 'Kallis', 'Spin-bowling', 'all-rounders', 'Nicky', 'Boje', 'Crookes', 'Hansie', 'Cronje', 'Matthews', 'vice-captain', 'McMillan', 'Kirsten', 'Hudson', 'Symcox', 'Jonty', 'Rhodes', 'Fanie', 'Villiers', 'Daryll', 'Cullinan', 'Gibs', 'releases', 'easing', 'confrontation', 'Mahala', 'Zvornik', 'Lieutenant', 'Marriner', 'boundary', 'retaliation', 'mob', 'long-barreled', 'AK-47', 'TELFER', 'CONFIRMED', 'LIONS', 'COACHING', 'ROLE', 'Telfer', 'Lions', 'McGeechan', 'Chopra', 'Iain', 'Romero', '147', 'Curry', 'Affleck', 'spy', 'TEHRAN', 'espionage', 'rings', 'spying', 'Jomhuri', 'Eslami', 'photographing', 'pan-Turkism', 'exiles', 'Ties', 'Fallahiyan', 'blasts', 'ignoring', 'Crosson', 'VENTURA', 'mention', 'outdoor', 'commented', 'Welcome', 'laughed', 'anti-drug', 'Meanwhile', 'Kemp', 'campaigned', 'aggressively', 'Keep', 'stream', 'missiles', 'needle', 'cigarette', 'whatever', 'poison', 'cocaine', 'cigarettes', 'well-wishers', 'specifically', 'Oh', 'Come', 'Proposition', '215', 'cultivation', 'medicinal', 'ingrown', 'toenail', 'non-political', '20-minute', 'theme', '12-17', 'year-olds', 'flanked', 'tower', 'EgyptAir', 'Twenty', '707', 'overshot', 'runway', 'skipped', 'Fahim', 'Rayyan', '2,250', '2,460', '3,300', 'misleading', 'rainstorm', 'brake', 'Ihlas', 'KANKKUNEN', 'COMMAND', 'MCRAE', 'ROLLS', 'overshadowed', 'Kankunnen', 'governing', 'co-driver', 'Ringer', 'furious', 'astonishing', '!', 'turbo', 'Thiry', 'shaft', 'sucks', 'ceiling', 'seven-year-old', 'cheques', 'ventilation', 'pipe', 'Canard', 'Enchaine', 'sucked', 'Ten', 'fishing', 'liner', 'Liaoning', 'Tiantan', 'Dalian', 'Tianjin', 'TURKISH', 'AIRPLANE', 'LANDS', 'BOMB', 'THREAT', '1503', '1203', 'fire-engines', 'Nothing', 'Cypriot', 'hijacker', 'Bancomext', 'peso', 'drop-off', 'Turrent', 'promotion', 'Smerdon', 'Garang', 'Nairobi', 'SPLA', 'urgently', 'Nuour', 'Marial', 'Mapourdit', 'hindering', 'recruitment', 'interpretation', 'compound', 'Sisters', 'Moira', 'Batchelor', 'Father', 'Barton', 'Riel', 'Sister', 'Maureen', 'Carey', 'Brother', 'Raniero', 'Iacomella', 'captives', 'Kenyan', 'detentions', 'learned', 'Monsignor', 'Caesar', 'Mazzolari', 'apostolic', 'administrator', 'diocese', 'Rumbek', 'isolation', 'looted', 'animist', 'Arabised', 'BRITAIN', 'WELCOMES', 'ROMANIA-HUNGARY', 'TREATY', 'ACCORD', 'welcoming', 'much-delayed', 'positively', 'neighbourly', 'DOHUK', 'tentative', '...For', 'sake', 'Riza', 'Altun', 'Dohuk', 'cross-border', 'Nacar', 'encouraged', 'BREGANCON', 'pubished', 'texts', 'practically', 'Chirac', 'fortress', 'Fertile', 'Irene', 'Marushko', 'BATKIVSHCHYNA', 'COLLECTIVE', 'FARM', 'shiny', 'green-and-yellow', 'Deere', 'parked', '1,750-hectare', '4,325-acre', 'grain-growing', 'agronomist', 'Ivan', 'Odnosum', 'machinery', 'loaned', 'Ukrainian', 'harvest', 'harsh', 'scoured', 'steppes', 'stunting', 'farming', 'fertile', 'boots', 'breadbasket', 'brutal', 'collectivisation', 'Josef', 'Stalin', 'Hryhory', 'Borsuk', 'Mironivka', 'Academy', 'Agrarian', '143.60', 'Fahrenheit', 'unlit', 'harvesting', 'strains', 'resistant', 'continental', 'climate', 'Collective', 'nascent', 'fertiliser', 'herbicides', 'pesticides', '36.5', 'cheaply', 'pigs', 'solutions', 'horizon', 'readying', 'sowing', 'hectare', '2.11', 'borrowing', 'two-lane', 'passes', 'occasional', 'horse-drawn', '1,700-hectare', '4,200-acre', 'Shevchenko', 'neat', 'decay', 'Accountant', 'Sypron', 'strapped', 'bartering', 'rickety', 'tractors', '160-200', 'Soprun', 'dedication', 'sit', 'cry', 'Planted', 'item', 'traditionally', 'Borkus', 'pre-Soviet', '36,000', 'Collectivisation', 'Privatising', 'pictures', 'degrading', 'lets', 'Germans', 'commit', 'clerk', 'U', 'indecency', 'performing', 'torture', 'performed', 'oral', 'adult', 'fanfare', 'packages', 'SORENSEN', 'FOURTH', 'Ekimov', 'Giunluca', 'Gorini', 'Breukink', 'Wilfried', 'Peeters', 'Bart', 'Voskamp', 'Randolph', '11.20:33', 'fifth-stage', 'Zevenaar', 'Venray', 'Alpha', 'Techs', 'Lockhart', 'Industries', '280,556', 'post-closing', 'adjustments', 'Paramount', 'thermal', 'registrations', '14.2', 'first-time', '356,725', '304,850', '15,613', '13.6', 'Motor-bike', '32.7', 'Almost', '77,719', 'Opel', '49,269', '16.4', '35,563', 'Seat', 'Porsche', '3,420', '5522', '554', '643', '756', '829', '876', '933', '1.07', '0.98', '657', '1.00', '2.37', '2.01', 'FULFILS', 'PREDICTION', 'prediction', '4:17.696', 'amazed', 'ride', 'Who', 'proximity', 'prepare', 'indoor', 'superman', 'Obree', 'Qualifiers', '4:19.808', '4:21.009', '4:21.454', '4:22.738', '4:24.427', 'Gritsoun', '4:26.467', 'FinMin', 'Raul', 'Matos', 'Azocar', '1630', 'IMF-hosted', 'Agenda', 'intercity', 'roadblock', 'Erzincan', 'Sivas', 'ablaze', 'Amoco', 'sharing', 'Shabwa', 'Dietsch', 'MEES', 'production-sharing', 'S-1', 'exploring', 'deferring', 'Yemeni', 'Amoco-Yemen', 'contractor', 'oilfields', 'Encyclopedia', '1633', 'COFINEC', 'SLIPS', 'BOURSE', 'BUT', 'STRONG', 'Emese', 'Bartha', 'Cofinec', 'S.A.', 'listing', 'Gabor', 'Sitanyi', 'London-based', 'Barings', 'French-registered', 'packaging', 'floated', 'hovered', '6,425', 'forints', 'Global', 'Depositary', 'Receipts', 'oversubscribed', 'deadline', '5,800', 'one-third', 'two-fifths', 'Tamas', 'Erdei', 'Budapest-based', 'ABN-AMRO', 'Hoare', 'Govett', 'macroeconomic', 'generates', 'Product', 'capita', 'folding', 'Krpaco', 'a.s.', 'Quake', 'shakes', 'moderate', '1716', 'Quepos', 'Volcanic', 'Seismologicial', 'Santamaria', 'three-hour', '1700', 'ASKED', 'JOIN', 'TRIBUTE', 'Organisers', '4X100', '36-year-old', 'Universe', 'hides', 'veil', 'Kieran', 'LAS', 'CRUCES', 'N.M.', 'Alicia', 'Machado', 'desert', 'Las', 'Cruces', 'Teen', 'pageant', 'contestant', 'intense', 'scrutiny', 'Angeles-based', 'swollen', 'wisdom', 'teeth', 'extracted', 'Marta', 'Fajardo', 'Vegas', 'habits', 'Everybody', 'addiction', 'eats', 'cakes', 'flatly', 'wraps', 'Dressed', 'strapless', 'gown', 'contestants', 'rave', 'reviews', 'Are', 'kidding', 'fantastic', 'Nikki', 'Very', 'sexy', 'publicists', 'promotional', 'sponsors', 'Beauty', 'queens', 'personalities', 'page', 'indulged', 'passion', 'pasta', 'cake', 'spiritually', 'mentally', 'terrific', 'lifestyle', 'busy', 'regimented', 'workout', 'exist', 'dont', 'talked', 'Yates', '5.79', '6.08', 'ltd', '148.29', '133.82', '2.07', '8.63', '7.23', 'franked', 'Reg', '3.67', '2.78', '2.69', 'Depreciation', '3.25', '2.79', 'benevolent', 'Alejandro', 'Lanusse', 'dies', '1971', '1973', 'Peron', 'famed', 'unlike', 'predecessors', 'Ongania', 'Levingston', 'Peronists', 'Hector', 'Campora', 'Solano', 'adversories', '1951', 'Menendez', 'left-wing', 'activism', 'culminated', '1918', 'Ileana', 'Military', '25,860', 'no-confidence', 'Banharn', 'Silpa-archa', 'lacking', 'ethical', 'alleges', 'corrupt', 'accusations', 'convenient', 'accusation', '13-month-old', 'six-party', '209', '391-seat', 'infighting', 'Chart', 'fix', 'Hwang', 'Sun-ho', 'Samad', '16-18', 'Dijk', '18-14', 'Wijaya', 'Pang', '6-15', 'Nunung', 'Subandoro', '5-15', '18-15', 'Fung', 'Permadi', 'Cindana', '11-3', '1ama', 'Margit', 'Borg', '11-6', 'Jian', 'Andrievskaqya', 'Meluawati', 'Chia', 'Fong', '11-1', 'Gong', 'Zhichao', 'Lufung', 'Zeng', 'Yaqiong', 'Li', 'Feng', '11-9', 'Christine', 'Magnusson', 'Ishwari', 'Boopathy', '10-12', 'Zhang', 'Ning', 'Olivia', 'NUNTHORPE', 'STAKES', 'two-year-olds', 'upwards', 'Weaver', 'Favourite', 'Distances', '1-1/4', 'Cheveley', 'Stud', 'Newmarket', '72,464', '112,200', 'Ek', 'Chor', 'motorcyle', 'Shanghai-Ek', 'Motorcycle', 'Sino-Thai', 'engines', 'Pudong', 'Capacity', 'jointly', 'Automobile', '1.56', 'Xingfu', 'motorcycles', 'week-long', 'ascending', 'constitutional', 'Peng', 'Prakash', 'Lohani', 'sandwiched', '50-year', 'Aishwarya', 'Lhasa', 'Chongqing', '298-6', 'Harden', '194-0', '255-3', 'Penberthy', '160-4', 'Munton', 'Illingworth', '4-54', 'Lampitt', '4-90', '10-0', 'tap', '99.95', '99.90', 'Tap', '07.00', 'PARTY', 'PICKS', 'BOLD', 'OGILVY', 'MATHER', 'AD', 'CAMPAIGN', 'Bold', 'Ogilvy', 'Mather', 'pre-election', 'communication', '95/96', '9.33', '38.11', 'Diluted', 'Brush', 'Wellman', 'beryllium', 'pro-active', 'regarding', 'workplace', 'ailment', 'susceptible', 'suits', 'liability', 'Timothy', 'Reid', 'filings', 'Beryllium', '1990-95', 'vigorously', '18-7/8', '216-579-0077', 'GREECE', 'IMERISIA', 'Pre-election', 'heats', 'includind', 'Pasok', 'scrambles', 'slaps', 'coupons', '12-month', '12.70', 'KATHIMERINI', 'Inflows', 'post-election', 'Metro', 'subway', 'snags', 'overshoot', '520', 'lighten', 'KERDOS', 'vows', 'mesures', 'kicks', 'Yannos', 'Papandoniou', 'drachma', 'EXPRESS', 'Message', 'unity', 'Constantine', 'Mitsotakis', 'shake', 'NAFTEMBORIKI', 'annually', 'Leftist', 'EPR', 'Commanders', 'guarded', 'gunmen', 'Jornada', 'overthrowing', 'irrational', 'radicals', 'ERP', 'fatigues', 'brandishing', 'southwestern', '23,000-strong', '37-page', 'manual', 'strategies', 'objective', 'Course', 'apparatus', 'bourgeoisie', 'commanders', 'volatile', 'clashed', 'violently', 'unrelated', 'Zapatista', 'Chiapas', 'skirmishes', 'check-up', 'longtime', 'AFRICAN', 'COLLATED', 'Collated', 'aggregaete', 'Spal', 'Reggiana', 'Lucchese', 'Vicenza', 'Bologna', 'Torino', 'Avellino', 'Lazio', 'Bari', 'Monza', 'Napoli', 'Chievo', 'Ravenna', 'Geert', 'Clercq', 'NEUFCHATEAU', 'inquiries', 'Prosecutor', 'Zicot', 'forgery', 'Pignon', 'warehouse', 'stolen', 'Dehaan', 'ring', 'shockwaves', 'Detroux', 'Thily', 'Amtrak', 'derails', 'MONTPELIER', 'Vt', 'logging', 'Vermonter', 'Albans', '7:51', 'Roxbury', 'Montpelier', 'Garrity', 'Pudvah', 'trauma', 'understood', 'conductor', 'passangers', 'reservations', 'Uninjured', 'Springfield', 'Northfield', 'Mountains', 'RABOBANK', 'RABN.CN', 'GROWTH', 'UNDER', 'co-operative', 'BA', 'Wijffels', '853', '21.5', '702', 'depend', 'underwriting', 'single-digits', '1.43', 'quantify', 'Garry', 'SPONSORS', 'CASH', 'RAVANELLI', 'SHIRT', 'DANCE', 'Fabrizio', 'Ravanelli', 'wear', 'sponsor', 'shirt', 'grey-haired', 'pulls', 'shirtfront', 'salute', 'spectacle', 'Having', 'besides', 'aggravated', 'Bryan', 'Corrigendum', 'Regulation', 'EC', '1464/96', 'relating', 'levies', '187', '26.7.1996', '658/96', 'granting', 'compensatory', 'crops', '12.4.1996', '1663/96', 'establishing', 'fruit', 'slides', '3.31', 'S$', '5.85', '0120', '357,000', 'topped', 'soaring', '1.55', '6.05', 'takeover', '8703080', 'JOCKEY', 'WEAVER', 'RECEIVES', '21-DAY', '21-day', 'Jockey', 'irresponsible', 'Pontefract', 'Leger', 'stayer', 'Double', 'Trigger', 'prominence', 'Guineas', 'Mister', 'Baileys', 'classic', 'Viacom', 'Mission', 'sequel', 'Pictures', 'Cruise', 'blockbuster', 'Impossible', 'Variety', 'big-screen', 'grossed', 'domestically', '338', 'Inc-owned', 'Forrest', 'Gump', 'reprise', 'roles', 'co-producer', 'Award-winning', 'screenwriter', 'Palma', 'crack', 'Oscars', 'Cassidy', 'Sundance', 'Kid', 'blockbusters', 'narrowly', 'downtrend', 'reversed', 'Banks', 'hover', 'T$', '27.482', '27.495', '275', '2-5080815', 'GRIQUALAND', 'WEST', 'KIMBERLEY', '18-18', '6-10', 'maltch', 'Cloete', 'Wath', 'Boeta', 'Wessels', 'McLeod', 'Oppenheimer', 'assuming', '0.65', 'DINAMO', '69-60', '35-23', '97-94', '39-32', 'Erez', 'checkpoint', 'overflying', 'EVOLUTION', 'Evolution', '2:30.67', 'Wachtel', '17.8.90', '25.8.95', '23.8.96', 'KEANE', 'FOUR-YEAR', 'F.A.', '290,000', 'STATE', 'OHIO', '70,375,000', 'BUILDING', 'AUTHORITY', 'FACILITIES', 'REFUNDING', 'REPRICING', 'ACCOUNT', '9,215,000.00', 'OCASEK', 'GOVERNMENT', 'OFFICE', 'A1', 'AA-', 'FITCH', '08/29/1996', 'Maturity', 'Coupon', 'List', '10/01', '1998C', '125M', '4.20', '6,045,000.00', 'VERN', 'RIFFE', 'CENTER', '1998D', '165M', '290M', 'Banc', 'S.B.K-', 'Seasongood', 'Mayer', 'Unidentified', 'ot', 'Antioquia', 'Anza', 'massacre', 'Medellin', 'FARC', 'unconfirmed', 'bloodshed', 'paramilitary', 'Granic', 'Croatia-Yugoslavia', 'paving', 'stabilisation', 'Mate', 'counterparts', 'normalising', 'resolving', 'ensuring', 'restoration', 'Last-minute', 'print', 'internationally', 'twin', 'pillars', 'multinational', 'lasting', 'mull', 'Vowinkel', 'pursuing', 'appeals', 'Names', 'reorganisation', 'Chiate', 'Name', 'sufficiently', 'reinsure', 'liabilities', 'Equitas', 'reject', 'Rowland', 'litigation', 'Head', 'Chairmen', 'Appeals', 'Circuit', 'notified', 'Gale', 'Norton', 'immunizes', 'requires', 'Ninth', 'seeks', 'rescision', 'alternate', 'remedy', 'individually', 'Rejection', 'forfeiting', 'risking', 'SunGard', 'CheckFree', 'MATEO', 'Shareholder', 'definitive', 'finalized', 'Terms', 'o', 'frees', 'GAZA', 'interrogated', 'Dahman', 'Gaza-based', 'Addameer', 'Prisoners', 'Attorney-General', 'Khaled', 'al-Qidra', 'Qidra', 'false', 'Nahed', 'Dahlan', 'GREER', 'HOMER', '10TH', 'LIFTS', 'INDIANS', '10-8', '4-7', 'off-speed', 'catcher', 'Mickey', 'Cochrane', 'catchers', 'Jacobs', 'A.L.', 'Lofton', 'Vosberg', '2/3', 'fifth-inning', '10-5', '5-5', 'Hitchcock', '12-6', 'Cy', 'appearances', 'Erickson', '8-10', 'laboured', 'Hoiles', 'Dickson', 'Jeter', 'pitcher', '9-10', 'baserunners', '.367', '33-for-90', '3-for-3', '116th', 'Brosius', 'Ausmus', 'four-run', 'tossed', 'complete-game', 'league-best', 'ERA', '2.99', 'Valentin', 'ETHIOPIA', 'UGANDA', 'PENALTIES', 'ADDIS', 'ABABA', 'offerings', 'agencies', '57.50', 'Exiled', 'confusing', 'Shiels', 'NAGYATAD', 'Nagyatad', 'Lajos', 'Horvath', 'semi-literate', '385', 'Bosnian-Croat', 'pre-war', 'Srbska', 'override', 'reassert', 'Adem', 'Hodzic', 'seals', 'Bosnia-Hercegovina', 'councils', 'invalidated', 'Husein', 'Micijevic', 'translators', 'booth', 'Probably', 'Seventy', 'Mandolina', 'Zelic', 'ringed', 'Szabo', 'envelopes', "Gov't", 'dodging', 'Ernesto', 'Samper', 'seem', 'Prosecutor-General', 'Adolfo', 'Salamanca', 'senators', 'Myles', 'Frechette', 'applauded', 'outcast', 'counternarcotics', 'year-old', 'stemming', 'enthusiastic', 'Extradition', 'legislative', 'endorsing', 'lords', 'U.S.-bound', 'penalities', 'prove', 'McQuillan', 'nominate', 'parade', 'dim', 'glow', 'just-concluded', 'conclave', 'orchestrated', 'Republican-controlled', 'proudly', 'Sixty', 'registry', 'wherever', 'Actually', 'creation', 'finger', 'Attorney', 'Janet', 'Reno', 'pages', 'footnotes', 'Nov.', 'chess', 'minimium', 'pre-existing', 'overhauling', 'departs', 'correspondents', 'Campaign', 'showcased', 'lead-in', 'delivers', 'map', 'guides', 'union-England', 'Sky', '87.5', '135.8', 'Kiernan', 'Hibernian', 'Dunfermline', 'Kilmarnock', 'Falkirk', 'Monstrose', 'Barrier', 'CVRD', 'shelve', 'Doce', 'Dutra', 'annulled', 'dedicate', 'Schomberg', '55-61-2230358', 'importers', 'dlrs', '1,044', 'dollar-buying', '1,041', 'wire', 'transfers', 'Contributing', 'greenbacks', 'shy', 'position-squaring', 'intra-day', '1,037', 'Guillermo', 'Londono', '571', '610', '7944', 'SVCD', 'controllers', 'Bulatka', 'Raichev', '1,380', 'technicians', 'paralyse', 'Far', 'Valkov', 'charter', 'resorts', 'minimal', 'servicing', 'lock-out', 'Liliana', 'Semerdjieva', 'TRACK', '12.341', '12.348', '12.130', '12.124', 'Ride', '12.112', '12.246', '11.959', '12.225', '24-km', '31.081', 'Tatiana', 'Stiajkina', 'Arndt', 'Tea', 'Vikstedt-Nyman', 'Sally', 'Boyden', 'Godras', '.468', '.436', '.413', 'Saint-Germain', 'Madhusudan', 'Munakarmi', '12-year', 'Dhiraj', 'K.C.', 'locks', 'Dheeraj', 'limping', 'steal', 'belongings', 'JORGE', 'Sousa', 'Vitor', 'Baia', 'Correia', 'Paulinho', 'Cristovao', 'Secretario', 'Dimas', 'Teixeira', 'Couto', 'Barroso', 'Figo', 'Oceano', 'Sa', 'Vieira', 'Cadete', 'Folha', 'waits', 'Kuznets', 'finalising', 'arranged', 'Novye', 'Atagi', 'rebuffed', 'suggestion', '10.45', '0645', 'Guldimann', 'Tikhomirov-Maskhadov', 'falter', 'servicemen', 'RIA', 'hinting', 'protege', 'lesson', 'profile', 'reelected', 'prompting', 'rumoured', 'energetic', 'spelled', 'Legislative', 'halting', 'mechanism', 'uncompromising', 'resolutions', 'necessarily', 'binding', 'blasted', 'Korei', 'confront', 'confiscation', 'HELENS', 'CLINCH', 'Challenge', 'thrashed', '66-14', 'inaugural', 'Knowsley', '1975', '1966', 'rain-soaked', 'Hunte', 'grabbed', 'Martyn', 'Newlove', 'goalkicker', 'Bobbie', 'Goulding', 'reign', 'toast', 'Broncos', 'scrape', 'end-of-season', 'play-offs', 'sights', 'treble', 'one-dayers', 'Dunedin', 'Moussa', 'shelter', 'NEAGLE', 'pitching', 'baseball', 'Denny', 'Neagle', 'winningest', 'trim', 'Ron', 'Wright', 'Double-A', 'Greenville', 'Pointer', 'Class-A', 'mid-season', '11-game', 'minor-league', 'phenom', 'Andruw', 'post-season', 'tomato', 'warriors', 'BUNOL', 'Revellers', 'Bunol', 'pelted', 'armfuls', 'ripe', 'tomatoes', 'coated', 'blood-red', 'wash', 'firework', 'fruit-throwing', 'frenzy', 'hurl', 'occasion', 'historians', 'disgruntled', 'locals', 'spontaneously', 'bombard', 'priest', 'fiesta', 'Boo-nee-OL', 'fame', 'grown', 'repeats', 'Aegon', 'Company-------------Price---Broker----------------', '83.40', 'COMMENT', '711', 'Reiterates', 'Estimates', 'Dfl', '5.83', '13.8', '6.59', '12.2', '3.10', 'waited', 'touches', 'invites', 'Caesarea', 'ceremonial', 'spoken', 'urging', 'Rare', 'Hendrix', 'song', '17,000', 'handwritten', 'legend', 'Jimi', 'musician', 'possessions', '10,925', '16,935', 'penned', 'retrieved', 'Buyers', 'Etchingham', 'lacquer', 'pearl', 'inlaid', 'purchaser', '5,060', '7,845', 'guitarist', 'overdose', 'jumps', 'Wolk', 'expectation', 'emerge', '2-1/8', '11-3/8', 'modem-chip', 'fast-growing', 'networking', 'Certainly', 'Elias', 'Moosa', 'Roberston', 'Stephens', 'PMC-Sierra', 'routing', 'chipsets', 'high-speed', 'severance', 'Randall', 'Soundview', 'fastest-growing', 'much-larger', 'develops', 'shrink', 'Hambrecht', 'Quist', 'low-margin', 'PMC', 'slowing', '206-386-4848', 'second-round', 'Incumbent', '1300', 'popularity', 'Fifty', 'rebels-Interfax', 'reconaisance', 'Minutka', 'Square', 'hostilities', 'detachment', 'outnumbered', 'incompatible', 'norms', 'pro-Baghdad', 'Adel', 'Ibrahim', 'attache', 'Baath', 'hardship', 'Karak', 'Younes', 'see-saw', '0515', 'Ninety-day', '9.93', '90.18', 'samurai', 'Volumes', 'eurokiwi', 'issuance', 'certainty', '4746', 'altogether', 'weaken', 'Harb', 'Karame', 'backwards', 'Fears', 'redistribution', 'alimentary', 'splitting', 'Syrian-Lebanese', 'HONDURAS', 'CUBA', 'TEGUCIGALPA', 'Honduras', 'Castro', 'Enrique', 'Centeno', 'Pavon', '9.1', 'kuna', 'lenders', 'Insurers', 'five-10', 'Money', 'shrank', 'meagre', 'Supply', 'calculated', 'midrates', '5.2420', '3.5486', 'Kolumbina', 'Bencevic', '385-1-4557075', 'Wanrooy', '7,032', 'Hoogma', 'Roelofsen', '27,500', 'Godee', 'Dos', '73th', 'Hamming', '7,250', 'Haldtime', '0.', '13,500', 'PARAMARIBO', 'Flamboyant', 'Surinamese', 'Ronny', 'Brunswijk', 'Freddy', 'Pinas', 'Surinamese-born', 'bar-room', 'Moengo', 'Paramaribo', 'Ro', 'Gajadhar', 'Jungle', 'Command', 'objected', 'bodyguards', 'defended', 'thief', 'buttocks', 'strongman', 'Desi', 'Bouterse', 'Guiana', 'paved', 'occasionally', 'GOALSCORERS', 'Bogdan', 'Prusek', 'Slawomir', 'Wojciechowski', 'Jacek', 'Dembinski', 'Wieczorek', 'Berensztain', 'Marek', 'Citko', 'Adam', 'Fedoruk', 'Dariusz', 'Jackiewicz', 'Bartlomiej', 'Jamroz', 'Tomasz', 'Moskal', 'Piskula', 'Mariusz', 'Srutwa', 'Emmanuel', 'Tetteh', 'Warszawa', 'Zagorski', 'serial', 'Urals', 'Perm', '1-15', 'Marlene', 'Thomsen', 'Lisbet', 'Stuer-Lauridsen', 'Qiang', 'Lu', 'Yap', 'Cheah', 'Kit', 'Wan', 'Wah', 'Tan', 'Fook', 'Guinness', 'Peat', 'GPG', 'inevitably', 'Weiss', '9.77', '6.93', 'somewhat', 'pleasing', 'stemmed', 'consolidate', 'stakes', 'Tyndall', 'Mid-East', 'GRID', 'Grid', '50.574', '226.859', '1:50.980', '1:51.778', '1:51.884', '1:51.960', '1:52.318', '1:52.354', '1:52.977', '1:53.043', '1:53.152', 'grid', '1:53.199', '1:53.993', '1:54.095', '1:54.220', '1:54.700', '1:55.150', '1:55.371', '1:56.286', '1:56.830', 'Lavaggi', '1:58.579', 'approves', 'airspace', 'Nabil', 'Rdainah', 'clearance', 'grounded', 'PLACINGS', 'POKKA', 'KM', 'RACE', 'SUZUKA', 'Pokka', 'Endurance', 'GT', 'Ray', 'Belim', 'J.J.Lehto', 'FI', 'GTR', '48.637', '158.82', 'Olofsson', 'della', 'Noce', 'Ennea', 'F40', 'Ballace', 'Grouillard', 'Harrods', 'Bscher', 'Kox', 'F1', '168', 'Fabien', 'Giroix', 'Jean-Denis', 'Deletraz', '167', 'Owen-Jones', 'Pierre-Henri', 'Raphanel', 'Brabham', 'Jean-Marc', 'Gounon', 'Belmondo', 'Eichmann', 'Gerd', 'Ralf', 'Kelleners', 'GT2', 'Roock', '911', 'Ortelli', 'Wollek', 'Konrad', 'Cor', 'Euser', 'Wada', 'Furuya', 'LM600', '03.684', '170.680', 'insurgents', 'Sharma', 'centre-right', 'insurgency', 'Maoists', 'multi-party', 'negotiates', 'Khum', 'Bahadur', 'Khadga', 'insurgent', 'Bhattarai', 'Marxist-Leninist', 'UML', 'HAARETZ', 'donated', 'YEDIOTH', 'AHRONOTH', 'MAARIV', 'columns', 'Erekat', 'Avraham', 'Tamir', 'Internal', 'Kahalani', 'warns', 'definite', 'deputies', 'demilitarised', 'obligations', 'Lusaka', 'Storm', 'SKOPJE', 'lightning', 'Berovo', 'cathedral', 'thunderstorm', 'ponders', 'Donna', 'Sells', 'topic', 'pundits', 'debated', 'forgo', 'Concern', 'unflagging', 'sidestepped', 'Should', 'strong-dollar', 'Bentsen', 'viewed', 'distinctively', 'Widness', 'Chase', 'timely', 'instances', 'post-Second', '1.3438', '79.75', 'Currently', 'stands', '1.48', 'comeback', 'expertise', 'co-chairman', 'Faust', 'Bailard', 'Biehl', 'Kaiser', 'Anyone', 'awfully', 'Fear', 'Bentsen-era', 'Greenspan', 'reappointment', 'depreciation', 'lesser', 'convincing', 'guy', 'Perelstein', 'MainStay', 'Funds', 'Otherwise', 'FOWLER', 'MCMANAMAN', 'McManaman', 'Kishinev', 'scans', 'X-rays', 'chat', 'foolish', 'Howey', 'naming', 'Gascoigne', 'Les', 'Ferdinand', 'Batty', 'BRAWL', 'CONTINUE', 'SLIDE', 'Yankee', 'Mulholland', 'bench-clearing', 'Divisional', 'Playoff', 'Kingdome', 'ejected', 'Marzano', 'brushed', 'Wengert', 'nine-hitter', 'Herrera', 'minors', 'Baldwin', 'Ozzie', 'Guillen', '10-4', 'Nilsson', 'Offerman', 'Rick', 'Huisman', 'Hentgen', '17-7', 'tossing', 'Orel', 'Hershiser', 'Belle', 'Reeve', 'mix', 'adversity', 'advocate', 'Gephardt', 'Daschle', 'thumbnail', 'profiles', 'speakers', 'passage', 'Handgun', 'nonstop', 'mandatory', 'five-day', 'handguns', 'mandates', 'would-be', 'comic', 'Superman', 'heroics', 'horses', 'vertebrae', 'horse', 'equestrian', 'Culpepper', 'paralyzed', 'extensive', 'fuse', 'spine', 'semi-upright', 'classically', 'prototypical', 'handsome', 'soap', 'operas', 'plucked', 'sequels', 'Clean', 'milkman', 'consummate', 'often-unruly', 'Republican-led', 'Republican-written', 'red-haired', 'square-jawed', 'orator', 'recreated', 'firebreathing', 'surprisingly', 'mild-mannered', 'presented', 'steamrollered', 'vastly', 'dispelled', 'outmaneuvering', 'scrapping', 'prairie', 'protecting', 'compensating', 'sickened', 'Agent', 'Orange', 'defoliant', 'spraying', 'Vietnam', 'water-carrier', 'Republican-initiated', 'Force', 'Daewoo', 'Dacom', 'telecom', '822', '727', '5644', 'Manila', 'coconut', 'Coconut', 'Associations', 'Philippines', 'cif', 'Sellers', 'Prev', 'JulAug', '775', '787.50', 'AugSep', '752.50', '758.75', 'SepOct', '733.75', '743.50', 'OctNov', '740', 'NovDec', '732.50', 'divorces', 'romantically', 'petition', 'presenter', 'mocked', 'breakfast', 'gymnasium', 'reminds', 'Commandments', 'posters', 'Quarracino', 'sermon', 'Biblical', 'commandment', 'Thou', 'shalt', 'Church', 'free-market', 'DAWN', 'managements', 'curtail', 'estates', 'Hub', 'Gadoon', 'police-run', 'cages', 'Tando', 'Allahyar', 'Hyderabad', 'RECORDER', 'Sui', 'technologists', 'sugarcane', 'pillaged', 'Gujar', '3,225', 'megawatt', 'NATION', 'Mohib', 'Textile', 'defaulted', 'leasing', 'modarabas', 'multiply.q', '7.84', 'Shahid', 'privatisation', 'Electricity', 'Boards', 'Vital', 'Sindh', 'ad-interim', 'restraining', 'Privatisation', 'Javedan', 'Dadabhoy', 'pvt', 'MUSLIM', '9251-274757', 'sensational', 'Eva', 'Boudova', 'suspicions', 'rape', 'detectives', 'disappearances', 'w-9', '1-4', '2-57', '3-186', '4-217', '5-217', 'Vass', '9-2-35-0', '6-0-23-0', '10-0-59-1', '10-0-42-0', '10-1-39-1', '5-0-24-0', 'A.de', 'w-2', '1-129', '10-1-40-0', '6-0-47-0', '8-0-33-0', '6-0-29-1', '10-2-51-0', '2.2-0-13-0', '2-0-14-0', 'Man-of-the-Match', 'hovercrafts', 'Amazon', 'Hovercrafts', 'plying', 'waters', 'waterway', 'Russian-built', 'ferrying', 'Belem', 'riverways', 'hovercraft', 'distances', 'MOF', 'Kubo', 'geared', 'worsening', 'supplementary', 'contraction', 'April-June', 'lowers', 'bigger', 'detecting', 'fining', 'violators', 'complying', 'trimmed', 'decibels', 'loudness', 'worthwile', 'Goschen', 'quieter', 'consultation', 'busiest', '1959', 'repositioned', 'detect', 'offensive', 'dividing', 'Rawandouz', 'indiscriminately', 'Dayana', 'demonstrate', 'Nadarajah', 'Muralidaran', 'Swiss-based', 'Nyman', 'Anglert', 'Tunnicliff', 'Chalmers', 'Cooper', 'Welch', 'Jose-Maria', 'Rivero', 'Wills', 'Spence', 'Pinero', 'Mouland', 'LARNACA', 'refuelling', 'shameful', 'Adnan', 'Xhelili', 'Wiltshire', 'Adriatic', 'Durres', 'befriended', 'reminded', 'heterosexual', 'homosexual', 'begging', 'impoverished', 'solve', 'woes', '1,617', 'Rajapat', 'pullouts', 'Chatichai', 'Choonhavan', 'Chavalit', 'Yongchaiyudh', 'Aspiration', 'insincere', 'slowdown', 'switched', 'monarchy', '1932', 'fishermen', 'P.V.', 'Krishnamoorthy', 'RAMESWARAM', 'fleeing', 'mid-sea', 'accosts', 'Arulanandam', '850', 'Rameswaram', 'Nadu', 'Tamil-speaking', 'Karunanidhi', 'influx', 'officals', 'impounded', 'trawlers', 'licenses', 'Fishermen', 'Bose', 'assurance', 'revoke', 'Palk', 'Pesalai', 'fish', 'Chinnathambi', 'penalise', 'Fisheries', 'enforce', 'pomfret-rich', 'OUT-OF-SORTS', 'NEWCASTLE', 'teething', 'pacesetters', 'Shearer', 'Keegan', 'talent-laden', 'Stefanovic', 'Faustino', 'Asprilla', 'Pembridge', 'glancing', 'Whittingham', 'misery', 'stretchered', 'newly-promoted', 'Hotspur', 'goaless', 'LeBoeuf', 'Vialli', 'managerless', 'SNET', 'Blake', 'Bath', 'Telecommunciations', '3.09', '38-1/2', 'Auchard', '212-859-1736', '500CC', 'LANDSKRONA', 'Smets', 'Husaberg', 'Husqvarna', 'Gert', 'Doorn', 'Jacky', 'Martens', 'Dirkx', 'KTM', 'Theybers', 'Shayne', 'Boonen', 'Dietmar', 'Lalcher', 'Manne', 'Nielsen', 'Lacher', 'Darryll', 'Interacciones', '4.3', 'projection', 'Economist', 'Alonso', 'Cervera', 'chiefly', 'Q4', '7.85-8.15', '8.20-8.50', '9.20-9.40', 'bumped', '25.8', 'Fiscal', 'loosened', 'boosting', 'schemes', 'debtors', 'Tricks', '+525', '728-9560', 'discus', 'Ilke', 'Wyludda', '66.60', 'Ellina', '65.66', 'Franka', 'Dietzsch', '61.74', 'Sadova', '61.64', 'Mette', 'Bergmann', '61.44', 'Nicoleta', 'Grasu', 'Olga', 'Chernyavskaya', '60.46', 'Yatchenko', '58.92', '12.85', '12.88', 'Yulia', 'Graudin', '12.96', 'Baumann', '13.36', 'Girard-Leno', 'Dawn', 'Bowles', '13.53', '13.33', '13.37', '13.38', 'Asselman', '13.64', 'Hubert', 'Grossard', '13.65', "N'Senga", '13.66', 'Lisabeth', '13.75', 'Roberta', 'Brunet', '48.96', 'Fernanda', 'Ribeiro', '14:49.81', 'Barsosio', '14:58.29', 'Paula', 'Radcliffe', '14:59.70', 'Vaquero', '15:04.94', 'Catherine', 'McKiernan', '15:07.57', 'Annette', 'Peters', '15:07.85', 'Pauline', 'Konga', '15:11.40', '10.16', 'Bruny', 'Surin', '10.30', 'Samuel', 'Matete', '47.99', 'Rohan', '48.86', 'Torrance', 'Zellner', '49.06', 'Bruwier', '49.24', 'Dusan', 'Kovacs', '49.31', 'Calvin', '49.49', '49.61', 'Dollendorf', '50.36', 'Onyali', '11.09', 'Chryste', 'Gaines', '11.18', 'Zhanna', 'Pintusevich', '11.27', 'Privalova', '11.28', '11.31', 'Regina', '01.77', 'Djate', '4:02.26', 'Carla', 'Sacramento', '4:02.67', 'Yekaterina', 'Podkopayeva', '4:04.78', 'Margret', '4:05.00', 'Leah', 'Pells', '4:05.64', 'Thorsett', '4:06.80', 'Sinead', 'Delahunty', '4:07.27', 'steeplechase', 'Keter', '10.02', 'Sang', '8:12.04', 'Moses', 'Kiptanui', '8:12.65', 'Gideon', 'Chirchir', '8:15.69', '8:16.80', 'Larbi', 'Khattabi', '8:17.29', 'Eliud', 'Barngetuny', '8:17.66', 'Barmasai', '8:17.94', '44.29', '44.78', 'Anthuan', 'Maybank', '44.92', '44.96', 'Baulch', '45.08', 'Bada', '45.21', 'Kitur', '45.34', '45.67', 'Rouser', '46.11', '19.92', '19.99', '20.21', '20.42', 'Stevens', '20.43', 'Wymeersch', '20.84', 'Lamont', '21.08', 'Malgorzata', 'Rydz', '2:39.00', 'Anja', 'Smolders', '2:43.06', 'Veerle', 'Jaeghere', '2:43.18', 'Eleonora', 'Berlanda', '2:43.44', 'Anneke', 'Matthijs', '2:43.82', '2:44.22', '22.42', 'Inger', '22.66', '22.68', '22.73', 'Trandenkova', '22.84', '22.85', 'Zundra', 'Feagin', '23.18', 'Malchugina', '23.25', '49.48', 'Marie-Jose', 'Perec', '49.72', '49.97', '50.14', 'Yussuf', 'Maicel', '50.51', 'Hana', 'Benesova', '51.71', 'Mercken', '53.55', 'Komen', '25.87', 'Khalid', 'Boulami', '7:31.65', '7:31.69', 'Hassane', 'Lahssini', '7:32.44', 'Nyariki', '7:35.56', 'Noureddine', 'Morceli', '7:36.81', 'Fita', 'Bayesa', '7:38.09', 'Keino', '7:38.88', 'Lars', 'Riedel', '66.74', '66.72', 'Dubrovshchik', '64.02', 'Virgilius', 'Alekna', '63.62', 'Schult', '63.48', 'Vassiliy', 'Kaptyukh', '61.80', 'Vaclavas', 'Kidikas', '60.92', 'Mollenbeck', '59.24', '17.50', 'Yoelvis', 'Quesada', '17.29', 'Bermuda', '17.05', '16.97', 'Agyepong', '16.63', 'Rogel', 'Nachum', '16.36', 'Sigurd', 'Njerve', '16.35', 'Guerrouj', '29.05', 'Viciosa', '3:33.00', '3:33.36', 'Elijah', '3:33.64', "O'Sullivan", '3:33.77', '3:33.94', 'Laban', 'Rotich', '3:34.12', 'Impens', '3:34.13', 'Stefka', 'Kostadinova', '2.03', 'Inga', 'Babakova', 'Alina', 'Astafei', '1.97', 'Motkova', '1.94', 'Zalevskaya', '1.91', 'Gulyayeva', 'Hanna', 'Haugland', 'Boshova', '1.85', 'Nele', 'Zilinskiene', 'Tergat', '26:54.41', '26:56.78', 'Kiptum', '27:18.84', 'Aloys', 'Nizigama', '27:25.13', 'Mathias', 'Ntawulikura', '27:25.48', 'Abel', '28:18.44', 'Kamiel', 'Maase', '28.29.42', 'Worku', 'Bekila', '28.42.23', 'Stefko', '28:42.26', 'describes', 'ordeal', 'worker', 'cocked', 'Penrose', '23-year-old', 'Hunger', 'manhandling', 'Kalashnikovs', 'throat', 'Gunmen', 'Swerford', 'Malardeau', 'assailants', '465,000', 'charity', 'bombardment', 'conventional', 'grenade', 'launchers', 'Rana', 'Sabbagh', 'implying', 'explusion', 'Khalaf', 'defections', 'retaliated', 'expelling', 'lingered', 'Omari', 'shouting', 'Disperse', 'abstain', 'forming', 'enforced', 'curfew', 'loudspeakers', 'Allahu', 'Akbar', 'Greatest', 'Kafawin', 'pulpit', 'detainees', 'cancelling', 'Armoured', 'bastion', 'ideology', 'socialism', 'entrances', 'hill-top', 'Crusader', 'castle', 'quietly', '80-seat', 'rioting', 'derision', 'hardships', 'JORDAN', 'tamper', 'tolerated', 'Marwan', 'Muasher', 'disturbances', 'Bahrain', 'RAI', 'commited', 'telephones', 'traditions', 'DUSTOUR', 'reactivate', 'ASWAQ', 'b-2', 'w-7', '1-82', '2-141', '3-160', '4-174', '5-203', 'Bat', '10-0-44-1', '10-3-31-1', '10-0-52-0', '10-0-56-1', 'nb-4', '1-57', '2-98', '3-146', '4-200', '5-220', '9.4-1-45-3', '7-0-28-1', '10-1-54-0', '3-0-14-0', '7-1-29-1', 'Edgbaston', 'NEED', 'PRESALE', 'Marion', '3,250,000', '09/04/96', 'NYC', 'Time', '1200', 'CUSIP', '569399', 'ISSUER', 'WV', 'STAT:Exempt-ULT', 'M', 'SP', 'NA', 'BOOK', 'ENTRY', 'Y', 'ENHANCEMENTS', 'BANK', 'QUAL', 'DTD', '09/01/96', 'SURE', 'DUE', '5/1/98-02', 'SR', 'CPN', '05/01/97', 'Non-Callable', 'NIC', 'DELIVERY', '9/17/96', 'approx', 'ORDERS', 'PAYING', 'WesBanco', 'Fairmont', 'L.O.', 'Steptoe', 'Clarksburg', '7,330,000', 'MBIA', '3/1/90', '@', '6.14900', '4yrs', '4mos', 'Avg', 'BBI-7.27', 'Yield', 'Conc', '575,000', '610,000', '685,000', '730,000', 'COMPETITIVE', 'PRE-SALE', 'CONTRIBUTED', 'J.J.', 'KENNY', 'K-SHEETS', 'RULES-AFL', 'Rules', 'Adelaide', '14.12', 'Collingwood', '153', '151', '11.12', 'Richmond', '28.19', 'Fitzroy', 'Carlton', '13.18', 'Footscray', '9.12', 'Essendon', '14.16', '12.10', 'Kilda', 'Hawthorn', '10.11', 'Fremantle', 'Geelong', '16.13', '2123', '1631', '130.2', '2067', '1687', '122.5', '2151', '1673', '128.6', '2385', '1873', '127.3', '1844', '108.9', '2288', '117.9', '2130', '2173', '1803', '120.5', '1791', '1820', '98.4', '1958', '97.5', '2103', '2091', '100.6', '2158', '2183', '98.9', '1642', '2361', '69.5', '1912', '1578', '2060', '76.6', '1381', '2778', '49.7', 'cavorting', 'Ducruet', 'bodyguard', 'naked', 'poolside', 'Tremila', 'Gente', 'undressing', 'embracing', 'sunbed', 'Fili', 'Houteman', 'dancer', 'cabaret', 'principality', 'Rainier', 'disapproved', 'Caroline', 'screen', 'Grace', 'Cap', 'Villefranche', 'cameras', 'sound-track', 'MICKELSON', 'YEAR', 'birdied', 'strokes', 'even-par', 'Along', 'Mayfiar', 'sleep', 'accomplish', 'three-stroke', 'exemption', '378,000', '1,574,799', 'three-putted', 'erratically', 'tee', 'bogeys', 'parred', 'birdie', 'no.2', 'wedge', '6-iron', 'bogeyed', 'putt', 'runner', 'SERIOUS', 'MEDVEDEV', 'HAVING', 'FUN', 'AGAIN', 'Outspoken', 'clown', 'prince', 'no-nonsense', 'attitude', '99.9', '22-year-old', 'abnout', 'distracting', 'confining', 'tirades', 'peripheral', 'rant', 'entertain', 'ranking', 'struggled', 'businesslike', 'zero', 'Winning', '77-minute', 'slotted', 'odds', '151-to-1', '53.706', '1:54.342', '1:54.443', '1:54.754', '1:54.984', '1:55.101', '1:55.281', '1:55.333', '1:55.385', '1:55.645', '1:56.318', '1:56.417', '.565', '.511', '.356', '.522', '.451', '.568', '28TH', '.623', '.427', '.549', '.431', 'resigns', 'NBC', 'consultant', 'reshaped', 'MS-NBC', 'ire', 'repositioning', 'Kevorkian', 'attends', 'PONTIAC', 'Mich', 'Missouri', 'Aranosian', 'Pontiac', 'Osteopathic', 'Lees', 'Summit', 'assisted-suicide', 'crusade', 'assisted', 'Geoffrey', 'Fieger', 'multple', 'Siebens', '76-year-old', 'amyotrophic', 'lateral', 'Lou', 'Gehrig', 'Curren', '42-year-old', 'fatigue', 'syndrome', 'non-terminal', 'AFL', 'ALKHAN-YURT', 'pounded', 'calmed', 'explosions', 'correspondent', 'Lawrence', 'Sheets', 'Alkhan-Yurt', 'kidnaps', 'Kidnappers', 'Humberto', 'Hueite', 'Zyrecha', 'Jetty', 'Kors', 'Col', 'Misael', 'Valerio', 'kidnappers', 'Preliminary', 'Altamira', 'Wisinga', 'Aguas', 'Zarcas', 'Rica-Nicaragua', 'Unconfirmed', 'Pocosol', 'Regula', 'Susana', 'Siegfried', 'Nicola', 'Fleuchaus', 'Julio', 'Rojas', 'sentimental', 'attachment', 'Arkansas', 'Barnes', 'LITTLE', 'ROCK', 'sifted', 'rubble', 'Mississippi', 'delta', 'Rock', 'arson', 'conclusively', 'Agents', 'F.B.I.', 'Alcohol', 'Tobacco', 'Firearms', 'Zion', 'Missionary', 'Baptist', 'structures', 'surprised', 'Fannie', 'Others', 'Rev.', 'pastor', 'worship', 'Camden', 'Ka', 'FRCD', 'floating', 'certificate', 'sole', 'arranger', 'HSBC', 'tenor', 'coupon', 'Offered', 'Clearing', 'Moneymarkets', 'Unit', '2847', '4039', 'IPO', 'FILING', 'Transkaryotic', 'Therapies', 'symbol', 'TKTX', 'Estimated', 'Shrs', 'ipo', '16,668,560', 'Underwriter', 'Underwriters', 'over-allotment', '375,000', 'shrs', 'Hoechst', 'Roussel', '357,143', 'platforms', 'activation', 'Use', 'Proceeds', 'preclinical', 'clinical', '000s', '15,400', '2,074', '3,422', 'Kindercare', 'MONTGOMERY', 'Ala', 'KinderCare', 'Learning', 'Centers', 'buyback', '10-3/8', '31.5', 'Maslowe', 'preschool', 'beats', '6-8', 'team-mates', 'redraw', 'looms', 'Looming', 'third-round', 'nemesis', '19-year-old', 'hitter', 'first-week', 'fireworks', 'sailing', 'predictable', '28th-ranked', 'eighth-ranked', 'Bumping', 'horns', 'semis', 'Surprise', 'Second-ranked', 'survives', '12th-seeded', 'matchup', 'farewell', 'likes', 'rib', 'path', 'fifth-ranked', 'encounter', '18th-ranked', 'talent', 'quarter-final', 'seventh-seeded', 'Ballybunion', 'whirlwind', '26-29', 'placards', 'backs', 'guests', 'Kennedys', 'Quilter', 'triumphant', 'Piper', 'Jaffray', 'tax-exempt', 'compiled', 'Previous', '8/30', 'Week', 'Change', '-------------------------', 'A-rated', "Gen'l", 'Obligation', '4.45', '4.40', '+0.05', '4.90', '-----', '5.40', '5.35', '5.55', 'Housing', 'Rev', 'STICH', 'GLAD', 'HE', 'STAYED', 'sweating', 'four-set', 'embarrassing', 'cried', 'remaking', 'kids', 'ATP', 'favourtism', 'Yvegeny', 'outrage', 'tampering', 'tarnished', 'USTA', 'energies', 'sun-baked', 'Grandstand', 'advancing', '11th-seeded', 'Malivai', 'homegrown', 'forget', 'engulfed', 'flamboyant', 'unfairness', 'exits', 'benefitted', 'fiddling', 'Ranked', 'deserves', 'occur', 'speculate', 'preparations', 'anxious', 'Undersecretary-General', 'sooner']
22154
9
  0%|          | 0/850 [00:00<?, ?it/s]
  0%|          | 0/95 [00:00<?, ?it/s]
(0.5546171171171171, 0.2832901926948519, 0.37502379592613744)
  0%|          | 0/850 [00:00<?, ?it/s]
  0%|          | 0/95 [00:00<?, ?it/s]
(0.5892077354959451, 0.543284440609721, 0.5653149783031572)
  0%|          | 0/850 [00:00<?, ?it/s]
  0%|          | 0/95 [00:00<?, ?it/s]
(0.5969561794804513, 0.6542996836353178, 0.6243139407244785)
  0%|          | 0/850 [00:00<?, ?it/s]
  0%|          | 0/95 [00:00<?, ?it/s]
(0.5954920019389239, 0.7066436583261432, 0.6463238195449165)
  0%|          | 0/850 [00:00<?, ?it/s]
  0%|          | 0/95 [00:00<?, ?it/s]
(0.5790436970944864, 0.727926373310325, 0.6450050968399592)
  0%|          | 0/95 [00:00<?, ?it/s]
  0%|          | 0/215 [00:00<?, ?it/s]
  0%|          | 0/215 [00:00<?, ?it/s]
  0%|          | 0/230 [00:00<?, ?it/s]