In [1]:
import os,sys,inspect
currentdir = os.path.dirname(os.path.abspath(inspect.getfile(inspect.currentframe())))
parentdir = os.path.dirname(currentdir)
sys.path.insert(0,parentdir) 

import torch
import torch.nn as nn
import torch.autograd as autograd
import torch.optim as optim
import torch.nn.functional as F


class CBOW(nn.Module):

    def __init__(self, context_size=2, embedding_size=100, vocab_size=None):
        super(CBOW, self).__init__()
        self.embeddings = nn.Embedding(vocab_size, embedding_size)
        self.linear1 = nn.Linear(embedding_size, vocab_size)

    def forward(self, inputs):
        lookup_embeds = self.embeddings(inputs)
        embeds = lookup_embeds.sum(dim=1)
        out = self.linear1(embeds)
        return out


def make_context_vector(context, word_to_ix):
    idxs = [word_to_ix[w] for w in context]
    tensor = torch.LongTensor(idxs)
    return autograd.Variable(tensor)

In [80]:
def train(tokenized_words, epochs=100, context_size=2, embedding_size=10):
    """
    context_size: x words to the left, 2 to the right
    """
    vocab = set(tokenized_words)
    vocab_size = len(vocab)

    word_to_ix = {word: i for i, word in enumerate(vocab)}
    data = []
    for i in range(2, len(tokenized_words) - 2):
        context = [tokenized_words[i - 2], tokenized_words[i - 1],
                   tokenized_words[i + 1], tokenized_words[i + 2]]
        target = tokenized_words[i]
        data.append((context, target))

    loss_func = nn.CrossEntropyLoss()
    
    net = CBOW(context_size, embedding_size=embedding_size, vocab_size=vocab_size)
    optimizer = optim.SGD(net.parameters(), lr=0.01)
    
    print("Start training...")
    for epoch in range(epochs):
        total_loss = 0
        BSZ = 64
        input_batch = []
        target_batch = []
        n_batches = 0
        for context, target in data:
            context_var = make_context_vector(context, word_to_ix)
            target_ = torch.LongTensor([word_to_ix[target]])
            # Build batches
            input_batch.append(context_var)
            target_batch.append(target_)
            if len(input_batch) == BSZ:
                # Run completed batch
                input_batch = torch.stack(input_batch)
                target_batch = torch.stack(target_batch).long().squeeze()

                net.zero_grad()
                log_probs = net(input_batch)
                loss = loss_func(log_probs, target_batch)

                loss.backward()
                optimizer.step()

                total_loss += loss.item()
                
                input_batch = []
                target_batch = []
                n_batches += 1
        print(epoch, total_loss)
    
    return net, vocab, word_to_ix

In [4]:
from ptb import lang_util

PTB_TRAIN_PATH = "/Users/jgordon/nta/datasets/PTB/ptb.train.txt"

def tokenize(path):
    """Tokenizes a text file."""
    assert os.path.exists(path)
    all_words = []
    with open(path, "r", encoding="utf8") as f:
        for line in f:
            words = line.split() + ["<eos>"]
            all_words.extend(words)
    return all_words

tokenized_words = tokenize(PTB_TRAIN_PATH)

In [ ]:
ESIZE = 100
net, vocab, word_to_ix = train(tokenized_words, embedding_size=ESIZE, epochs=10)

filename = 'ptb_word2vec_%d.pt' % 100
torch.save(net.embeddings.weight, filename)
print("Saving %s, size: %s" % (filename, net.embeddings.weight.size()))

FastText


In [2]:
import matplotlib.pyplot as plt
from sklearn.decomposition import PCA

def visualize_embedding(embeddings):

    fig, ax = plt.subplots(dpi=300)

    plot_words = ['dog', 'cat', 'fish', 'cheese', 'bread', 
                  'colorado', 'travel', 'california', 'texas', 'apple',
                  'nevada', 'mississippi', "'s", "n't", "a", "the", "in", "to",
                  'lawsuit', 'legal', 'finance', 'financial', 
                  'money', 'currency', 'dollars', 'man', 'woman', 'boy', 'girl',
                 'orange', 'institution', 'bank', 'donation', 'investment']
    word_embeddings = []
    found_words = []
    for word in plot_words:
        if word in embeddings:
            word_embeddings.append(embeddings[word])
            found_words.append(word)
    word_embeddings = np.array(word_embeddings)
    print(word_embeddings.shape)
    pca = PCA(n_components=2)
    embed_pca = pca.fit_transform(word_embeddings)

    X = []
    Y = []

    for i, word in enumerate(found_words):
        x, y = embed_pca[i, :]
        X.append(x)
        Y.append(y)
        ax.text(x+0.03, y+0.03, word, fontsize=5)

    ax.scatter(X, Y, s=1.0, alpha=0.5)
    plt.show()

In [5]:
import fasttext

model = fasttext.train_unsupervised(PTB_TRAIN_PATH, model='skipgram')
filename = "ptb_fasttext.bin"
print("Saved %s" % filename)
model.save_model(filename)


Saved ptb_fasttext.bin

In [6]:
visualize_embedding(model)


---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
<ipython-input-6-24f879f0ca41> in <module>
----> 1 visualize_embedding(model)

<ipython-input-2-1de80871127f> in visualize_embedding(embeddings)
     18             word_embeddings.append(embeddings[word])
     19             found_words.append(word)
---> 20     word_embeddings = np.array(word_embeddings)
     21     print(word_embeddings.shape)
     22     pca = PCA(n_components=2)

NameError: name 'np' is not defined

In [8]:
from ptb import lang_util
import fasttext

# corpus = lang_util.Corpus("/Users/jgordon/nta/datasets/PTB")
ft_model = fasttext.load_model("/Users/jgordon/nta/datasets/embeddings/ptb_fasttext.bin")




In [9]:
len(ft_model.get_words())


Out[9]:
10000

In [13]:
print(ft_model.get_words('</s>'))


(['the', '<unk>', '</s>', 'N', 'of', 'to', 'a', 'in', 'and', "'s", 'that', 'for', '$', 'is', 'it', 'said', 'on', 'by', 'at', 'as', 'from', 'million', 'with', 'mr.', 'was', 'be', 'are', 'its', 'he', 'but', 'has', 'an', "n't", 'will', 'have', 'new', 'or', 'company', 'they', 'this', 'year', 'which', 'would', 'about', 'says', 'more', 'were', 'market', 'billion', 'his', 'had', 'their', 'up', 'u.s.', 'one', 'than', 'who', 'some', 'been', 'also', 'stock', 'other', 'share', 'not', 'we', 'corp.', 'if', 'when', 'i', 'last', 'president', 'shares', 'years', 'all', 'first', 'two', 'trading', 'because', 'after', 'could', 'inc.', 'sales', '&', 'there', 'out', 'business', 'only', 'do', 'such', 'can', 'most', 'into', 'york', 'may', 'over', 'co.', 'group', 'many', 'government', 'now', 'federal', 'companies', 'no', 'time', 'bank', 'so', 'any', 'cents', 'people', 'quarter', 'you', 'exchange', 'prices', 'even', 'what', 'price', 'investors', 'say', 'rose', 'down', 'while', 'much', 'yesterday', 'week', 'under', 'securities', 'months', 'them', 'bonds', 'big', 'next', 'interest', 'three', 'earlier', 'net', "'", 'earnings', 'make', 'major', 'state', 'american', 'chairman', 'financial', 'did', 'these', 'investment', 'board', 'through', 'still', 'stocks', 'those', 'just', 'chief', 'industry', 'executive', 'since', 'program', 'before', 'rate', 'made', 'officials', 'money', 'national', 'she', 'house', 'analysts', 'like', 'unit', 'month', 'expected', 'off', 'days', 'rates', 'japanese', 'against', 'plan', 'does', 'profit', 'between', 'both', 'capital', 'recent', 'income', 'sell', 'buy', 'issue', 'revenue', 'get', 'general', 'products', 'markets', 'firm', 'back', 'funds', 'own', 'ago', 'international', 'average', 'during', 'her', 'well', 'part', 'fell', 'japan', 'another', 'should', 'higher', 'debt', 'take', 'offer', 'including', 'among', 'court', 'being', 'each', 'according', 'index', 'tax', 'world', 'trade', 'reported', 'work', 'operations', 'then', 'computer', 'past', 'sale', 'our', 'however', 'way', 'lower', 'vice', 'plans', 'economic', 'end', 'department', 'yield', 'report', 'sold', 'insurance', 'high', 'growth', 'how', 'foreign', 'increase', 'less', 'common', 'closed', 'several', 'banks', 'issues', 'where', 'very', 'loss', 'pay', 'yen', 'bush', 'bid', 'five', 'due', 'bill', 'few', 'used', 'good', 'current', 'management', 'early', 'cash', 'use', 'oil', 'costs', 'bond', 'day', 'system', 'public', 'third', 'director', "'re", 'law', 'might', 'traders', 'treasury', 'friday', 'office', 'added', 'city', 'congress', 'concern', 'futures', 'officer', 'far', 'late', 'already', 'fund', 'least', 'number', 'assets', 'california', 'operating', 'small', 'spokesman', 'him', 'agency', 'british', 'based', 'san', 'too', 'case', 'real', 'value', 'news', 'september', 'same', 'oct.', 'until', 'think', 'contract', 'street', 'home', 'close', 'research', 'stake', 'union', 'services', 'going', 'today', 'little', 'ended', 'though', 'wall', 'move', 'agreement', 'dollar', 'help', 'second', 'put', 'service', 'former', 'power', 'maker', 'period', 'called', 'results', 'administration', 'agreed', 'total', 'here', 'four', 'third-quarter', 'without', 'control', 'long', 'economy', 'problems', 'corporate', 'credit', 'offering', 'country', 'want', 'production', 'cost', 'buying', 'loans', 'six', 'analyst', 'firms', 'annual', 'although', 'whether', 'increased', 'likely', 'compared', 'notes', 'committee', 'policy', 'point', 'recently', 'cut', 'see', 'west', 'large', 'right', 'monday', 'soviet', 'continue', 'half', 'go', 'around', 'set', 'political', 'life', 'further', 'losses', 'old', 'points', 'volume', 'yet', 'august', 'paper', 'selling', 'john', 'plant', 'judge', 'must', 'strong', 'expects', 'my', 'ual', 'nov.', 'london', 'result', 'largest', 'announced', 'declined', 'support', 'held', 'fiscal', 'wo', 'systems', 'francisco', 'takeover', 'weeks', 'times', 'priced', 'making', 'certain', 'earthquake', 'workers', 'composite', 'change', 'gain', 'become', 'businesses', 'problem', 'come', 'south', 'demand', 'industrial', 'record', 'give', 'nearly', 'white', 'development', 'series', 'inc', 'senior', 'association', 'dow', 'area', 'members', 'data', 'estimated', 'took', 'air', 'orders', 'official', 'trust', 'employees', 'estate', 'jones', 'decline', 'level', 'senate', 'line', 'show', 'health', 'latest', 'later', 'junk', 'acquisition', 'example', 'comment', 'drop', 'meeting', 'commission', 'tuesday', 'commercial', 'need', 'know', 'holding', 'ford', 'your', 'texas', 'chicago', 'building', 'despite', 'ms.', 'addition', 'paid', 'proposal', 'currently', 'executives', 'offered', 'possible', 'others', 'proposed', 'rise', 'purchase', 'deal', 'once', 'better', 'loan', 'return', 'technology', 'investor', 'us', 'spending', 'future', 'nation', 'drug', 'nine', 'almost', 'changes', 'robert', 'washington', 'received', 'damage', 'often', 'terms', 'product', 'east', 'october', 'named', 'expect', 'top', 'customers', 'charge', 'filed', 'within', 'order', 'information', 'decision', 'position', 'defense', 'rights', 'include', 'force', 'every', 'gas', 'division', 'america', 'amount', 'enough', 'began', 'came', 'trying', 'europe', 'outstanding', 'told', 'equipment', 'private', 'found', 'industries', 'gains', 'ltd.', 'again', 'dropped', 'united', 'makes', 'previous', 'james', 'programs', 'ca', 'july', 'fed', 'transaction', 'computers', 'budget', 'banking', 'european', 'following', 'finance', 'co', 'warner', 'local', 'jaguar', "'ve", 'never', 'provide', 'additional', 'consumer', 'lot', 'mortgage', 'keep', 'managers', 'corp', 'able', 'action', 'important', 'buy-out', 'shareholders', 'great', 'claims', 'got', 'charges', 'university', 'instead', 'steel', 'units', 'best', 'car', 'away', 'states', 'tokyo', 'financing', 'dollars', 'things', 'construction', 'marketing', 'continued', 'manager', 'run', 'asked', 'bills', 'auto', 'low', 'inflation', 'fall', 'march', 'family', 'whose', 'believe', 'equity', 'food', 'june', 'advertising', 'above', 'sept.', 'below', 'raise', 'personal', 'getting', 'suit', 'full', 'account', 'posted', 'lost', 'china', 'soon', 'taken', 'head', 'los', 'stores', 'rather', 'via', 'contracts', 'risk', 'potential', 'western', 'included', 'security', 'special', 'legal', 'options', 'figures', 'boston', 'restructuring', 'subsidiary', 'gold', 'tv', 'reports', 'mrs.', 'led', 'face', 'noted', 'using', 'place', 'dealers', 'fact', 'meanwhile', 'working', 'open', 'network', 'holders', 'countries', 'd.', 'find', 'effort', 'probably', 'statement', 'bought', 'available', 'itself', 'cases', 'approved', 'portfolio', '#', 'effect', 'long-term', 'pacific', 'lawyers', 'ibm', 'short', 'david', 'reached', 'increases', 'ad', 'left', 'labor', 'cars', 'airlines', 'efforts', 'germany', 'remain', 'along', 'dividend', 'either', 'domestic', 'similar', 'known', 'hard', 'talks', 'look', 'reduce', 'groups', 'chemical', 'having', 'school', 'previously', 'secretary', 'calls', 'center', 'reserve', 'saying', 'canada', 'parent', 'payments', 'given', 'clear', 'telephone', 'gained', 'party', 'approval', 'individual', 'eastern', 'looking', 'profits', 'manufacturing', 'north', 'standard', 'biggest', 'canadian', 'acquired', 'investments', 'slightly', 'savings', 'helped', 'directors', 'strategy', 'angeles', 'raised', 'black', 'marks', 'attorney', 'machines', 'percentage', 'institute', 'military', 'why', 'coming', 'television', 'act', 'bay', 'performance', 'makers', 'clients', 'medical', 'airline', 'team', 'britain', 'energy', 'different', 'german', 'heavy', 'growing', 'interests', 'hit', 'failed', 'particularly', 'something', 'william', 'magazine', 'estimates', 'communications', 'remains', 'lead', 'limited', 'fees', 'went', 'job', 'completed', 'call', 'levels', 'joint', 'year-earlier', 'michael', 'role', 'question', 'process', 'hong', 'includes', 'goods', 'district', 'lines', 'activity', 'project', 'legislation', 'view', 'free', 'columbia', 'toward', 'me', 'property', 'leading', 'merrill', 'leaders', 'name', 'seeking', 'venture', 'rep.', 'currency', 'reserves', 'wants', 'institutions', 'ever', 'deficit', 'concerns', 'huge', "'m", 'independent', 'owns', 'turn', 'involved', 'taking', 'lynch', 's&p', 'scheduled', 'outside', 'young', 'kong', 'doing', 'pressure', 'transportation', 'hold', 'gm', 'build', 'really', 'buyers', 'vote', 'basis', 'begin', 'always', 'calif.', 'measure', 'producers', 'april', 'staff', 'especially', 'brokerage', 'care', 'leader', 'daily', 'plants', 'key', 'related', 'means', 'competition', 'aid', 'projects', 'adds', 'disclosed', 'richard', 'themselves', 'acquire', 'range', 'impact', 'reason', 'central', 'conference', 'try', 'areas', 'campaign', 'drexel', 'started', 'poor', 'bad', 'abortion', 'largely', 'hours', 'j.', 'significant', 'estimate', 'holdings', 'issued', 'seems', 'test', 'reduced', 'allow', 'start', 'man', 'french', 'meet', 'thing', 'retail', 'accounts', 'morgan', 'majority', 'rules', 'course', 'quickly', 'press', 'seven', 'congressional', 'fourth', 'needed', 'wednesday', 'settlement', 'partners', 'journal', 'seen', 'longer', "'ll", 'traded', 'december', 'generally', 'done', 'community', 'yields', 'manufacturers', 'consider', 'dec.', 'supply', 'volatility', 'women', 'study', 'thursday', 'electric', 'shearson', 'parts', 'beginning', 'receive', 'form', 'simply', 'imports', 'thought', 'kind', 'men', 'a.', 'situation', 'prime', 'taxes', 'protection', 'eight', 'plc', 'turned', 'planned', 'convertible', 'brokers', 'note', 'near', 'democratic', 'boost', 'auction', 'recession', 'filing', 'short-term', 'subject', 'history', 'rally', 'changed', 'stock-index', 'required', 'sen.', 'ahead', 'space', 'perhaps', 'returns', 'became', 'summer', 'dr.', 'worth', 'arbitrage', 'base', 'war', 'produce', 'seek', 'software', 'showed', 'de', 'caused', 'increasing', 'considered', 'motor', 'moody', 'benefits', 'advanced', 'brothers', 'housing', 'creditors', 'france', 'exports', 'sent', 'delivery', 'anything', 'jumped', 'justice', 'indeed', 'red', 'noriega', 'francs', 'natural', 'preferred', 'hurt', 'continuing', 'earned', 'cbs', 'owned', 'cancer', 'floor', 'express', 'bankers', 'difficult', 'entertainment', 'americans', 'wanted', 'nothing', 'bankruptcy', 'children', 'george', 'let', 'usually', 'active', 'shareholder', 'per', 'crash', 'announcement', 'media', 'closing', 'block', 'attempt', 'merger', 'pilots', 'evidence', 'machine', 'digital', 'spokeswoman', 'minister', 'smaller', 'hand', 'limit', 'himself', 'veto', 'sharply', 'seem', 'irs', 'created', 'continues', 'article', 'quake', 'partner', 'resources', 'light', 'mark', 'overseas', 'unchanged', 'thrift', 'pound', 'age', 'tons', 'hugo', 'source', 'actually', 'size', 'won', 'night', 'sector', 'initial', 'minimum', 'term', 'apparently', 'side', 'questions', 'kidder', 'regulators', 'water', 'brand', 'game', 'quarterly', 'conditions', 'transactions', 'environmental', 'member', 'session', 'directly', 'post', 'believes', 'comes', 'giant', 'hopes', 'designed', 'built', 'moves', 'closely', 'field', 'decided', 'produced', 'survey', 'thus', 'strike', 'main', 'letter', 'partly', 'final', 'feel', 'separate', 'behind', 'rising', 'paying', 'woman', 'running', 'economists', 'response', 'sense', 'associates', 'sharp', 'rest', 'battle', 'play', 'smith', 'ways', 'consumers', 'brought', 'january', 'sec', 'sure', "'d", 'shows', 'capacity', 'single', 'allowed', 'fully', 'leveraged', 'bring', 'offices', 'supreme', 'effective', 'stop', 'unless', 'hurricane', 'spent', 'ability', 'sony', 'operation', 'newspaper', 'improve', 'democrats', 'jobs', 'par', 'rule', 'gorbachev', 'followed', 'trial', 'agencies', 'expenses', 'wage', 'peter', 'u.k.', 'hope', 'idea', 'funding', 'actual', 'emergency', 'serious', 'r.', 'forced', 'organization', 'whole', 'discount', 'across', 'pretax', 'package', 'figure', 'dinkins', 'quoted', 'pension', 'various', 'guber', 'direct', 'reagan', 'farmers', 'holds', 'together', 'quality', 'facilities', 'introduced', 'signed', 'economist', 'slow', 'talk', 'offset', 'matter', 'needs', 'payment', 'step', 'commerce', 'peters', 'jr.', 'headquarters', 'provision', 'cause', 'morning', 'spring', 'moreover', 'require', 'civil', 'county', 'partnership', 'ruling', 'instance', 'activities', 'human', 'specific', 'land', 'sign', 'decade', 'plunge', 'valued', 'add', 'flat', 'greater', 'poland', 'gave', 'interview', 'elected', 'resigned', 'margins', 'johnson', 'focus', 'researchers', 'qintex', 'ministry', 'trades', 'over-the-counter', 'death', 'section', 'opened', 'leave', 'lehman', 'institutional', 'declines', 'premium', 'developed', 'win', 'australia', 'santa', 'sports', 'fear', 'existing', 'forces', 'separately', 'takes', 'familiar', 'spend', 'valley', 'safety', 'overall', 'moved', 'avoid', 'nissan', 'cable', 'contributed', 'thomas', 'southern', 'managing', 'conservative', 'benefit', 'sometimes', 'owners', 'review', 'salomon', 'widely', 'trader', 'chain', 'cuts', 'electronic', 'willing', 'create', 'develop', 'baker', 'authority', 'provisions', 'book', 'properties', 'reflecting', 'improved', 'electronics', 'larger', 'totaled', 'indicated', 'asset', 'appear', 'beyond', 'debentures', 'opposition', 'relatively', 'deals', 'bell', 'engineering', 'provided', 'provides', 'materials', 'backed', 'met', 'appears', 'speculation', 'substantial', 'goes', 'measures', 'works', 'policies', 'hands', 'target', 'highly', 'internal', 'date', 'purchases', 'individuals', 'climbed', 'read', 'council', 'offers', 'proceeds', 'negative', 'houses', 'alone', 'stay', 'brands', 'motors', 'social', 'feet', 'nasdaq', 'tell', 'version', 'hutton', 'investigation', 'maintain', 'stanley', 'image', 'pence', 'adding', 'planning', 'appropriations', 'mutual', 'amounts', 'lawyer', 'someone', 'carrier', 'story', 'miles', 'class', 'treatment', 'disaster', 'customer', 'store', 'practice', 'students', 'reach', 'passed', 'so-called', 'charles', 'option', 'finally', 'lawmakers', 'regulatory', 'publicly', 'rating', 'everyone', 'consultant', 'lawson', 'necessary', 'positions', 'jury', 'chance', 'capital-gains', 'interested', 'education', 'worked', 'prevent', 'cited', 'drugs', 'commodity', 'soviets', 'neither', 'bids', 'republican', 'moving', 'police', 'standards', 'rejected', 'world-wide', 'minority', 'approach', 'success', 'tough', 'list', 'experts', 'else', 'negotiations', 'attributed', 'otc', 'ads', 'raising', 'accounting', 'attention', 'stand', 'swiss', 'eventually', 'expectations', 'reorganization', 'competitors', 'nor', 'northern', 'dividends', 'considering', 'popular', 'society', 'heavily', 'sought', 'mostly', 'lack', 'grand', 'fixed', 'retirement', 'spread', 'manhattan', 'entire', 'remaining', 'factors', 'mexico', 'petroleum', 'export', 'immediately', 'monetary', 'ones', 'magazines', 'art', 'real-estate', 'ownership', 'november', 'opening', 'anyone', '30-year', 'person', 'trend', 'brown', 'output', 'fight', 'typically', 'modest', 'access', 'giving', 'chapter', 'criminal', 'litigation', 'scientists', 'mean', 'improvement', 'risks', 'victims', 'events', 'exchanges', 'particular', 'opportunity', 'saw', 'hour', 'pentagon', 'copper', 'items', 'forecast', 'ltd', 'bureau', 'reform', 'bridge', 'gulf', 'film', 'usx', 'gives', 'pending', 'travel', 'england', 'laws', 'minutes', 'everything', 'acquisitions', 'municipal', 'concerned', 'regional', 'bidding', 'complete', 'reduction', 'aircraft', 'moscow', 'monthly', 'college', 'details', 'room', 'lloyd', 'park', 'weak', 'aimed', 'trouble', 'design', 'e.', 'homes', 'lose', 'cover', 'year-ago', 'c$', 'traditional', 'principal', 'owner', 'clearly', 'gets', 'restrictions', 'strength', 'drive', 'us$', 'broadcasting', 'carry', 'original', 'apple', 'mortgages', 'accept', 'maturity', 'claim', 'certainly', 'sources', 'experience', 'thatcher', 'primarily', 'parties', 'couple', 'combined', 'requirements', 'controls', 'relations', 'facility', 'paul', 'grow', 'troubled', 'sort', 'ending', 'thousands', 'crime', 'true', 'subordinated', 'believed', 'increasingly', 'panel', 'global', 'cray', 'debate', 'chinese', 'wrote', 'fraud', 'paribas', 'easy', 'involving', 'ohio', 'corn', 'vehicles', 'ratings', 'players', 'sun', 'segment', 'season', 'difference', 'prepared', 'l.', 'split', 'grew', 'technical', 'highest', 'prosecutors', 'developing', 'goldman', 'publishing', 'roughly', 'arizona', 'movie', 'broad', 'revised', 'korea', 'alleged', 'expansion', 'tried', 'chemicals', 'centers', 'chips', 'mae', 'tomorrow', 'producer', 'quite', 'nations', 'launched', 'waiting', 'rated', 'lin', 'released', 'expensive', 'mail', 'sells', 'settled', 'consulting', 'declining', 'listed', 'except', 'mitsubishi', 'plunged', 'slowing', 'numbers', 'painewebber', 'st.', 'profitable', 'powerful', 'automotive', 'actions', 'guilty', 'employee', 'gene', 'damaged', 'flow', 'region', 'corporations', 'live', 'amid', 'buildings', 'competitive', 'bear', 'collapse', 'frank', 'tests', 'assistant', 'am', 'sterling', 'failure', 'advance', 'intelligence', 'schools', 'manville', 'purchased', 'navigation', 'headed', 'slowdown', 'associated', 'represents', 'putting', 'coupon', 'showing', 'recovery', 'm.', 'insurers', 'charged', 'steps', 'radio', 'heart', 'georgia-pacific', 'no.', 'republicans', 'uncertainty', 'predicted', 'values', 'maybe', 'appeal', 'phone', 'runs', 'ag', 'trucks', 'hundreds', 'devices', 'signs', 'dozen', 'effects', 'balance', 'request', 'material', 'voters', 'sachs', 'documents', 'nuclear', 'philip', 'portion', 'placed', 'environment', 'exxon', 'campeau', 'favor', 'unlike', 'whom', 'complex', 'ventures', 'hotel', 'editor', 'reflects', 'sears', 'traffic', 'affairs', 'affected', 'underwriters', 'expand', 'krenz', 'release', 'primary', 'successful', 'advertisers', 'elections', 'paris', 'election', 'adjusted', 'mass.', 'fears', 'mind', 'dispute', 'lending', 'plus', 'threat', 'jack', 'utilities', 'c.', 'reasons', 'fewer', 'lincoln', 'afternoon', 'century', 'trillion', 'deposits', 'stations', 'mixte', 'accepted', 'elsewhere', 'alan', 'shift', 'proposals', 'relief', 'town', 'exercise', 'surged', 'unusual', 'words', 'jersey', 'faces', 'controlled', 'accord', 'continental', 'professional', 'throughout', 'residents', 'virtually', 'established', 'australian', 'liability', 'adviser', 'golden', 'tender', 'ease', 'cds', 'strategic', 'usual', 'pretty', 'falling', 'annually', 'mixed', 'junk-bond', 'significantly', 'structure', 'communist', 'normal', 'hostile', 'ready', 'hearing', 'february', 'guidelines', 'distribution', 'opposed', 'truck', 'accused', 'margin', 'sci', 'metals', 'starting', 'nbc', 'books', 'model', 'client', 'break', 'substantially', 'speed', 'at&t', 'sides', 'healthy', 'fire', 'positive', 'cities', 'practices', 'baseball', 'supplies', 'kept', 'wrong', 'deputy', 'weakness', 'sir', 'telecommunications', 'critics', 'leaving', 'b.', 'w.', 'wide', 'present', 'mayor', 'star', 'finished', 'fine', 'certificates', 'lee', 'opinion', 'seemed', 'push', 'boosted', 'ordered', 'losing', 'dallas', 'defendants', 'hospital', 'seats', 'benchmark', 'confidence', 'coast', 'thrifts', 'puts', 'bigger', 'moment', 'employment', 'attorneys', 'broker', 'weekend', 'gone', 'names', 'protect', 'barrels', 'agree', 'representatives', 'instruments', 'double', 'liquidity', 'played', 'mainly', 'follows', 'amendment', 'remained', 'core', 'managed', 'panama', 'ground', 'decisions', 'highway', 'n.j.', 'deposit', 'pricing', 'responsible', 'florida', 'judges', 'uses', 'operate', 'authorities', 'pace', 'b.a.t', 'finding', 'challenge', 'stopped', 'parents', 'phillips', 'producing', 'suggest', 'conventional', 'burnham', 'minor', 'families', 'per-share', 'ge', 'reflected', 'bit', 'sea', 'prior', 'crude', 'blacks', 'decide', 'stephen', 'doubt', 'station', 'reflect', 'operates', 'advantage', 'influence', 'abroad', 'rumors', 'ii', 'ask', 'front', 'models', 'slipped', 'leadership', 'soared', 'ounce', 'felt', 'utility', 'temporary', 'frankfurt', 'older', 'appeals', 'nekoosa', 'candidates', 'talking', 'relationship', 'none', 'urban', 'patients', 'meetings', 'settle', 'courts', 'houston', 'stronger', 'keeping', 'contrast', 'statistics', 'suspended', 'oakland', 'mccaw', 'aerospace', 'delay', 'africa', 'suggested', 'scandal', 'wells', 'event', 'cutting', 'voted', 'pharmaceutical', 'immediate', 'purchasing', 'interstate', 'equal', 'intended', 'morris', 'chrysler', 'wang', 'affect', 'save', 'fairly', 'assistance', 'determined', 'voice', 'sugar', 'studies', 'pages', 'direction', 'compromise', 'consultants', 'shopping', 'preliminary', 'extremely', 'confirmed', 'fannie', 'church', 'italy', 'wife', 'discussions', 'guarantee', 'twice', 'alternative', 'citing', 'mca', 'goal', 'boeing', 'joseph', 'movies', 'wake', 'senators', 'coverage', 'represent', 'disclose', 'hollywood', 'comparable', 'citicorp', 'prove', 'rich', 'six-month', 'fourth-quarter', 'antitrust', 'follow', 'guarantees', 'gross', 'safe', 'appeared', 'buyer', 'luxury', 'training', 'negotiating', 'commitments', 'silver', 'structural', 'river', 'lambert', 'declared', 'task', 'worry', 'argue', 'flight', 'fe', 'green', 'replace', 'file', 'jointly', 'movement', 'succeeds', 'happen', 'advisers', 'usair', 'suggests', 'denied', 'swings', 'written', 'living', 'joined', 'regular', 'shown', 'asking', 'aug.', 'records', 'mining', 'promise', 'hud', 'factory', 'navy', 'volatile', 'warrants', 'upon', 'la', 'professor', 'hill', 'cross', 'agreements', 'returned', 'discovered', 'saturday', 'cd', 'georgia', 'vehicle', 'ban', 'damages', 'drives', 'served', 'style', 'responsibility', 'telerate', 'refused', 'conn.', 'word', 'providing', 's.', 'club', 'resolution', 'surge', 'beijing', 'alliance', 'crisis', 'door', 'one-time', 'patent', 'weekly', 'regulations', 'sound', 'games', 'saatchi', 'farm', 'serve', 'insured', 'matters', 'votes', 'personnel', 'singapore', 'machinists', 'square', 'helping', 'hewlett-packard', 'critical', 'excess', 'chase', 'reaction', 'worried', 'thinks', 'jan.', 'carolina', 'representing', 'f.', 'extra', 'exploration', 'politics', 'switzerland', 'edward', 'road', 'ceiling', 'invest', 'underlying', 'toronto', 'chip', 'initially', 'audience', 'ec', 'entered', 'operator', 'illegal', 'tend', 'army', 'obtain', 'high-yield', 'extraordinary', 'picture', 'jump', 'discuss', 'easily', 'temporarily', 'join', 'politicians', 'lives', 'nobody', 'title', 'happened', 'looks', 'condition', '1980s', 'covered', 'language', 'louis', 'pact', 'setting', 'rival', 'ultimately', 'scientific', 'coffee', 'membership', 's.a.', 'views', 'aids', 'shipping', 'fallen', 'argued', 'type', 'mine', 'piece', 'costly', 'intel', 'import', 'manufacturer', 'p.m.', 'suffered', 'pass', 'lowered', 'abc', 'generation', 'reporting', 'newly', 'controversial', 'proceedings', 'worse', 'investing', 'prospects', 'lawsuits', 'fair', 'described', 'branch', 'giants', 'taxpayers', 'choice', 'phelan', 'normally', 'h.', 'ross', 'indicate', 'reporters', 'specialists', 'resignation', 'publisher', 'letters', 'expressed', 'grain', 'circuit', 'nature', 'colleagues', 'agents', 'millions', 'fields', 'eye', 'simple', 'heat', 'launch', 'semiconductor', 'urged', 'costa', 'extent', 'concluded', 'ties', 'inside', 'strategies', 'coup', 'presence', 'acquiring', 'aggressive', 't.', 'watch', 'administrative', 'intends', 'consecutive', 'pushed', 'israel', 'founder', 'technologies', 'p&g', 'rjr', '10-year', 'adopted', 'outlook', 'deliver', 'types', 'sets', 'health-care', 'died', 'rapidly', 'factor', 'student', 'king', 'spot', 'n.y.', 'attract', 'understand', 'fuel', '1970s', 'pursue', 'slide', 'cold', 'possibility', 'household', 'graphics', 'tied', 'ensure', 'ogilvy', 'miller', 'pictures', 'guaranteed', 'hampshire', 'stearns', 'specialty', 'agent', 'genes', 'atlantic', 'committed', 'enterprises', 'commissions', 'offerings', 'resistance', 'track', 'integrated', 'formed', 'unable', 'restaurant', 'philadelphia', 'hearings', 'metric', 'stage', 'obligation', 'corporation', 'garden', 'basic', 'visit', 'child', 'voting', 'succeed', 'warned', 'shipments', 'reforms', 'extended', 'worst', 'reducing', 'check', 'mother', 'quarters', 'rico', 'comments', 'retailers', 'limits', 'league', 'crop', 'assume', 'card', 'participants', 'b', 'pick', 'music', 'forecasts', 'circumstances', 'knows', 'enormous', 'constitutional', 'studio', 'supported', 'ratio', 'invested', 'christmas', 'processing', 'asia', 'two-year', 'excluding', 'chancellor', 'privately', 'realize', 'criticism', 'exposure', 'differences', 'contends', 'cooperation', 'football', 'banco', 'ship', 'brooks', 'pittsburgh', 'coal', 'begun', 'creating', 'nyse', 'collapsed', 'status', 'commitment', 'triggered', 'users', 'easier', 'write', 'becoming', 'attack', 'warning', 'faster', 'pipeline', 'career', 'unlikely', 'pennsylvania', 'culture', 'beer', 'carriers', 'mitchell', 'hungary', 'mountain', 'lenders', 'roll', 'line-item', 'governments', 'anticipated', 'affiliate', 'breeden', 'lang', 'genetic', 'ruled', 'formerly', 'unemployment', 'inventories', 'cells', 'retailing', 'tower', 'tumbled', 'democracy', 'fashion', 'carried', 'widespread', 'foods', 'calling', 'modern', 'awarded', 'facing', 'extend', 'secondary', 'newspapers', 'martin', 'grown', 'requires', 'friendly', 'rooms', 'default', 'match', 'lawrence', 'currencies', 'possibly', 'brady', 'beach', 'father', 'messrs.', 'code', 'signal', 'douglas', 'faced', 'suits', 'calif', 'banker', 'quick', 'otherwise', 'frequently', 'stock-market', 'commodities', 'citizens', 'heard', 'friends', 'published', 'speech', 'branches', 'hills', 'massive', 'cellular', 'answer', 'attractive', 'playing', 'atlanta', 'moderate', 'merchandise', 'progress', 'unsecured', 'contributions', 'supposed', 'networks', 'hunt', 'alternatives', 'caught', 'after-tax', 'donald', 'employers', 'thin', 'expanded', 'approve', 'gasoline', 'stories', 'handle', 'encourage', 'merely', 'turning', 'filled', 'subcommittee', 'retain', 'peabody', 'apply', 'badly', 'observers', 'expense', 'ran', 'seeks', 'gop', 'equivalent', 'son', 'disappointing', 'carries', 'prospect', 'turns', 'brewing', 'walter', 'site', 'applied', 'assembly', 'machinery', 'prompted', 'yeargin', 'hall', 'metal', 'causing', 'maxwell', 'blood', 'nicaragua', 'spain', 'appointed', 'transfer', 'troubles', 'consolidated', 'race', 'pushing', 'fellow', 'changing', 'sunday', 'predict', 'storage', 'memory', 'handling', 'surprised', 'mac', 'hired', 'recorded', 'pulled', 'allegations', 'orange', 'population', 'sees', 'guy', 'impossible', 'gap', 'sophisticated', 'fast', 'pilot', 'bringing', 'steady', 'resume', 'surprising', 'identified', 'editorial', 'tobacco', 'daniel', 'closer', 'reading', 'sudden', 'enforcement', 'recalls', 'merchant', 'downturn', 'fast-food', 'delays', 'revenues', 'portfolios', 'dealing', 'viacom', 'allowing', 'worker', 'specialist', 'bottom', 'introduce', 'massachusetts', 'violations', 'wait', 'table', 'profitability', 'video', 'franchise', 'cautious', 'severe', 'pulp', 'priority', 'parliament', 'applications', 'lawsuit', 'resulted', 'establish', 'thompson', 'boom', 'threatened', 'nec', 'player', 'harder', 'elaborate', 'complained', 'northeast', 'subsidiaries', 'eliminate', 'channel', 'numerous', 'hear', 'plastic', 'ought', 'theory', 'one-year', 'opec', 'educational', 'hanover', 'nixon', 'honecker', 'aside', 'maintenance', 'greenspan', 'insurer', 'heads', 'flights', 'three-month', 'maximum', 'regarding', 'essentially', 'learned', 'fighting', 'nikkei', 'indicates', 'determine', 'freddie', 'a$', 'prison', 'campbell', 'york-based', 'shortly', 'containers', 'bloc', 'formal', 'promotion', 'fresh', 'developers', 'expanding', 'foundation', 'rapid', 'kill', 'interest-rate', 'bob', 'purpose', 'industrials', 'surprise', 'illinois', 'claimed', 'rivals', 'statements', 'represented', 'kkr', 'promised', 'nationwide', 'announce', 'chamber', 'dealer', 'consumption', 'chains', 'india', 'targets', 'counsel', 'two-thirds', 'insist', 'exceed', 'message', 'organizations', 'everybody', 'operators', 'compensation', 'roman', 'carrying', 'billions', 'egg', 'sluggish', 'totaling', 'dead', 'typical', 'retired', 'turner', 'shops', 'connection', 'papers', 'compaq', 'five-year', 'narrow', 'shop', 'constitution', 'supporters', 'fujitsu', 'prudential-bache', 'comprehensive', 'one-third', 'blame', 'soft', 'cosmetics', 'desire', 'exactly', 'planners', 'stands', 'packages', 'payable', 'ortega', 'glass', 'engelken', 'bellsouth', 'reinsurance', 'begins', 'institution', 'shot', 'opportunities', 'legislative', 'reputation', 'color', 'winter', 'explain', 'mass', 'halt', 'successor', 'middle', 'virginia', 'wholesale', 'tape', 'seat', 'buy-back', 'fly', 'theater', 'ltv', 'aware', 'asset-backed', 'vs.', 'husband', 'whatever', 'governor', 'freedom', 'steinhardt', 'demands', 'turnover', 'trends', 'officers', 'brief', 'bailout', 'delmed', 'procedures', 'goals', 'english', 'engineers', 'corry', 'agriculture', 'schedule', 'psyllium', 'sensitive', 'efficient', 'restaurants', 'baltimore', 'engine', 'aetna', 'generate', 'anc', 'accounted', 'holiday', 'metropolitan', 'du', 'blue', 'considerable', 'scale', 'mesa', 'royal', 'bar', 'exclusive', 'harris', 'des', 'mci', 'weaker', 'berlin', 'standing', 'retailer', 'turmoil', 'somewhat', 'advice', 'besides', 'places', 'stable', 'achieved', 'covering', 'fifth', 'ranging', 'aide', 'rockefeller', 'daiwa', 'wonder', 'mills', 'el', 'icahn', 'consensus', 'forms', 'bulk', 'strongly', 'resulting', 'quiet', 'blue-chip', 'sell-off', 'regime', 'broader', 'guide', 'pressures', 'miami', 'beat', 'marine', 'convicted', 'las', 'economics', 'taiwan', 'broken', 'convert', 'edison', 'fit', 'disk', 'conducted', 'earth', 'expire', 'apparent', 'deaths', 'surplus', 'hardly', 'eggs', 'gonzalez', 'gen.', 'hot', 'mich.', 'doubled', 'behalf', 'location', 'clean', 'slid', 'incentives', 'friend', 'spirits', 'defend', 'arrangement', 'argument', 'victory', 'dean', 'initiative', 'defensive', 'delta', 'asian', 'davis', 'delayed', 'combination', 'cleveland', 'brazil', 'learning', 'latin', 'concept', 'airways', 'registered', 'looked', 'competing', 'conduct', 'variety', 'involve', 'send', 'donaldson', 'jim', 'poll', 'peace', 'rey', 'abandoned', 'round', 'forest', 'reasonable', 'trip', 'permanent', 'principle', 'broke', 'requiring', 'favorable', 'arm', 'sotheby', 'van', 'acts', 'compete', 'address', 'experiments', 'responded', 'arthur', 'linked', 'meant', 'repair', 'distributed', 'discussing', 'indian', 'eased', 'poverty', 'allen', 'pont', 'sellers', 'wine', 'engaged', 'shall', 'confident', 'body', 'edition', 'precious', 'purposes', 'hoped', 'seeing', 'borrowing', 'program-trading', 'waste', 'island', 'allianz', 'lilly', 'departure', 'respond', 'a.m.', 'identify', 'recapitalization', 'weapons', 'democrat', 'enter', 'occurred', 'wave', 'rock', 'answers', 'effectively', 'renewed', 'collection', 'guard', 'merc', 'districts', 'device', 'mobil', 'scenario', 'brain', 'nevertheless', 'suffer', 'mergers', 'henry', 'wcrs', 'science', 'strip', 'buy-outs', 'deep', 'tentatively', 'coke', 'wild', 'akzo', 'monitor', 'duties', 'credibility', 'coors', 'becomes', 'scott', 'pollution', 'handful', 'circulation', 'sufficient', 'secured', 'miss', 'compares', 'watching', 'delivered', 'whites', 'stadium', 'causes', 'premiums', 'creative', 'poison', 'rape', 'testing', 'noting', 'crucial', 'newport', 'teams', 'detroit', 'afford', 'plenty', 'developer', 'lufkin', 'filings', 'pilson', 'mainframe', 'marshall', 'rebound', 'connecticut', 'earn', 'syndicate', 'sustained', 'writer', 'recommended', 'divisions', 'suspension', 'toyota', 'risen', 'loyalty', 'westinghouse', 'malcolm', 'mary', 'concrete', 'plastics', 'fleet', 'manage', 'solid', 'packaging', 'fill', 'coca-cola', 'telling', 'shut', 'reluctant', 'secret', 'shell', 'succeeded', 'ideas', 'senator', 'remic', 'encouraged', 'basket', 'killed', 'webster', 'abortions', 'amr', 'oppose', 'fans', 'cycle', 'nomura', 'complaints', 'onto', 'attempting', 'helps', 'sit', 'biotechnology', 'cast', 'downward', 'judicial', 'powers', 'cheap', 'waertsilae', 'germans', 'gov.', 'driving', 'charging', 'intense', 'crowd', 'commonwealth', 'conservatives', 'phoenix', 'experienced', 'sheet', 'drew', 'christopher', 'michigan', 'license', 'd.c.', 'eager', 'permission', 'simmons', 'underwriter', 'feeling', 'teachers', 'ride', 'subsidies', 'indicating', 'hahn', 'intent', 'mcdonald', 'approximately', 'imported', 'stood', 'productivity', 'younger', 'sex', 'assumption', 'decades', 'host', 'difficulties', 'timing', 'caution', 'inquiry', 'cheaper', 'dramatic', 'copy', 'candidate', 'assuming', 'criticized', 'thomson', 'projections', 'fundamental', 'credits', 'marketplace', 'foreign-exchange', 'bikes', 'tight', 'fla.', 'mips', 'stateswest', 'acknowledged', 'giuliani', 'opponents', 'pinkerton', 'holder', 'wood', 'treaty', 'steep', 'cards', 'sons', 'slump', 'liberal', 'stone', 'replaced', 'viewed', 'zealand', 'divided', 'overnight', 'starts', 'organized', 'counter', 'planes', 'indicators', 'checks', 'flying', 'automobile', 'totally', 'maynard', 'freeway', 'kennedy', 'vegas', 'detailed', 'consideration', 'lies', 'unions', 'draw', 'catch', 'calculated', 'selected', 'gamble', 'capped', 'backing', 'blamed', 'succeeding', 'legislators', 'regulation', 'audit', 'comfortable', 'dutch', 'cia', 'korean', 'carnival', 'g.', 'milk', 'acting', 'merksamer', 'requested', 'relative', 'allies', 'aggressively', 'nervous', 'marcos', 'kids', 'interbank', 'appreciation', 'author', 'referring', 'developments', 'promote', 'wish', 'nasa', 'pill', 'recover', 'refinery', 'remarks', 'sciences', 'dealings', 'owed', 'originally', 'telegraph', 'imposed', 'falls', 'rescue', 'raises', 'labor-management', 'penalties', 'grants', 'burden', 'indication', 'steven', 'showtime', 'gary', 'founded', 'technique', 'foot', 'mercantile', 'participation', 'sued', 'polish', 'appropriate', 'gyrations', 'african', 'lewis', 'bartlett', 'thinking', 'contras', 'swap', 'readers', 'publications', 'remove', 'mature', 'fixed-rate', 'category', 'maryland', 'stress', 'departments', 'retire', 'features', 'controversy', 'emerging', 'disappointed', 'cleared', 'memories', 'restore', 'boren', 'fired', 'presidential', 'rare', 'disease', 'indictment', 'curb', 'stated', 'freight', 'permitted', 'bet', 'anybody', 'obvious', 'businessmen', 'penalty', 'ends', 'receipts', 'sam', 'speculators', 'handled', 'barney', 'promises', 'joining', 'start-up', 'asbestos', 'vary', 'leads', 'allegedly', 'famous', 'attitude', 'proved', 'exist', 'analysis', 'carl', 'apart', 'activists', 'maintained', 'mgm', 'visitors', 'rural', 'representative', 'deadline', 'controlling', 'barely', 'resort', 'galileo', 'programming', 'entirely', 'farmer', 'presented', 'straight', 'expert', 'medicine', 'findings', 'winning', 'load', 'seasonally', 'broadcast', 'nonetheless', 'second-largest', 'rallied', 'pounds', 'character', 'paramount', 'shape', 'cincinnati', 'outcome', 'rica', 'contend', 'merge', 'emphasis', 'texaco', 'midwest', 'gandhi', 'knew', 'transport', 'charities', 'disclosure', 'ticket', 'fda', 'stakes', 'warren', 'potentially', 'classes', 'participate', 'occur', 'screen', 'remember', 'courter', 'recovered', 'odds', 'cohen', 'tells', 'leaves', 'bankruptcy-law', 'false', 'cathay', 'imperial', 'revive', 'fox', 'minneapolis', 'jenrette', 'p.', 'busy', 'attracted', 'lists', 'link', 'happens', 'avenue', 'definitive', 'depending', 'financially', 'gnp', 'conner', 'grant', 'cotton', 'seidman', 'pattern', 'drilling', 'resolved', 'polls', 'leverage', 'prefer', 'iowa', 'fbi', 'foreigners', 'takeovers', 'behavior', 'choose', 'outlets', 'reductions', 'streets', 'sentiment', 'howard', 'plea', 'realized', 'three-year', 'writing', 'discussed', 'slower', 'trelleborg', 'committees', 'love', 'ill.', 'permit', 'hoping', 'roger', 'warrant', 'copies', 'high-risk', 'tone', 'optimistic', 'acres', 'breaking', 'hospitals', 'lire', 'ships', 'vietnam', 'favorite', 'canceled', 'roberts', 'fiat', 'zero-coupon', 'debts', 'ronald', 'comparison', 'search', 'factories', 'learn', 'boards', 'well-known', 'era', 'unfair', 'veteran', 'fail', 'iii', 'admitted', 'credit-card', 'downtown', 'slight', 'cattle', 'attached', 'concentrate', 'quebecor', 'argues', 'academic', 'eagle', 'greatly', 'overhaul', 'kellogg', 'somebody', 'apparel', 'casualty', 'durable', 'assumed', 'residential', 'obtained', 'financier', 'theme', 'philippines', 'scores', 'gotten', 'bolster', 'perspective', 'malaysia', 'missing', 'traditionally', 'airport', 'recognition', 'edge', 'supporting', 'pays', 'urging', 'printing', 'weather', 'submitted', 'difficulty', 'bloomingdale', 'pleaded', 'unisys', 'raw', 'completely', 'negotiated', 'display', 'weight', 'authorized', 'economies', 'travelers', 'aspects', 'capitol', 'jeffrey', 'contractor', 'tools', 'tennessee', 'plays', 'mainframes', 'saab', 'failing', 'obviously', 'anticipation', 'hundred', 'sanctions', 'characters', 'exceeded', 'stability', 'interesting', 'bethlehem', 'eliminated', 'state-owned', 'watched', 'greatest', 's&l', 'discipline', 'ps', 'bidders', 'baby', 'funded', '1990s', 'novel', 'ariz.', 'donations', 'colgate', 'harvard', 'italian', 'predicting', 'covers', 'cos.', 'deny', 'electricity', 'laboratories', 'lift', 'slowed', 'adjustments', 'complaint', 'consent', 'replacement', 'doctors', 'subscribers', 'measured', 'consequences', 'specified', 'rothschild', 'tom', 'eyes', 'partial', 'aides', 'railroad', 'allows', 'wages', 'associate', 'accident', 'insider', 'terrorism', 'produces', 'hastings', 'climate', 'quotations', 'focusing', 'negotiable', 'asks', 'projected', 'peak', 'republic', 'milton', 'happy', 'borrowed', 'taylor', 'improvements', 'satellite', 'segments', 'suddenly', 'struck', 'tire', 'tiger', 'wolf', 'rebels', 'forward', 'attempts', 'sweeping', 'pieces', 'pool', 'squeeze', 'monitoring', 'arms', 'casino', 'ringers', 'pop', 'experiment', 'electrical', 'gray', 'jose', 'mill', 'train', 'extensive', 'correct', 'resolve', 'importance', 'franklin', 'lane', 'ton', 'reset', 'socialist', 'posts', 'amex', 'wpp', 'seriously', 'surprisingly', 'va.', 'panamanian', 'hire', 'seed', 'plaintiffs', 'disasters', 'taxable', 'dennis', 'solution', 'studying', 'walls', 'partnerships', 'complain', 'cell', 'duty', 'advised', 'lebanon', 'stem', 'master', 'degree', 'pharmaceuticals', 'roy', 'located', 'grace', 'wright', 'involvement', 'necessarily', 'supplier', 'classic', 'investment-grade', 'stuff', 'legislature', 'surrounding', 'charter', 'chosen', 'vast', 'wars', 'expiration', 'explains', 'bridges', 'pa.', 'lone', 'finds', 'dangerous', 'abuse', 'flag', 'sand', 'inventory', 'depends', 'walk', 'plane', 'assessment', 'dynamics', 'risky', 'cap', 'spielvogel', 'mix', 'longtime', 'crimes', 'tiny', 'neighborhood', 'whitbread', 'admits', 'receiving', 'converted', 'hefty', 'witter', 'surveyed', 'blow', 'testimony', 'expires', 'advocates', 'scene', 'violation', 'turkey', 'ralph', 'sitting', 'structures', 'officially', 'bells', 'puerto', 'unveiled', 'struggling', 'modestly', 'professionals', 'diversified', 'fined', 'row', 'stockholders', 'turnaround', 'barrel', 'approached', 'mortgage-backed', 'hits', 'scheme', 'failures', 'injuries', 'colorado', 'boosting', 'barriers', 'considerably', 'depressed', 'stein', 'fee', 'mines', 'plummeted', 'hardware', 'focused', 'marina', 'uncertain', 'saudi', 'evans', 'adequate', 'consistently', 'manages', 'cigarettes', 'acceptance', 'spill', 'essential', 'sectors', 'missouri', 'respectively', 'random', 'adjustable', 'annualized', 'specifically', 'edged', 'delaware', 'bankamerica', 'williams', 'cocoa', 'moon', 'lease', 'marked', 'diluted', 'stick', 'restructure', 'sole', 'subsequent', 'hooker', 'implications', 'bases', 'revolution', 'withdrawal', 'laboratory', 'loyal', 'bike', 'reportedly', 'slowly', 'complicated', 'probe', 'fargo', 'symbol', 'motion', 'affiliates', 'budgets', 'compliance', 'male', 'confirm', 'independence', 'transferred', 'persuade', 'lots', 'award', 'prospective', 'chevron', 'conglomerate', 'kodak', 'adjustment', 'clearing', 'repeated', 'page', 'doctor', 'tvs', 'lackluster', 'incentive', 'est', 'attended', 'collateral', 'house-senate', 'pleased', 'healthvest', 'bally', 'samuel', 'conviction', 'merged', 'florio', 'tool', 'unfortunately', 'dismissed', 'racketeering', 'hiring', 'path', 'tw', 'concedes', 'specialized', 'appointment', 'presidents', 'box', 'switch', 'toll', 'struggle', 'investigating', 'kenneth', 'repurchase', 'mikhail', 'dominated', 'imf', 'flexibility', 'spiegel', 'easing', 'dropping', 'reality', 'artist', 'worries', 'seasonal', 'mentioned', 'fueled', 'nearby', 'brussels', 'ski', 'operational', 'injured', 'carpenter', 'matching', 'discounting', 'introduction', 'contractors', 'conspiracy', 'insists', 'federation', 'seoul', 'publish', 'respondents', 'versions', 'pro', 'retained', 'triple-a', 'money-market', 'contained', 'evening', 'performed', 'protected', 'commissioner', 'fat', 'window', 'banned', 'solutions', 'smoking', 'insisted', 'robust', 'eligible', 'sat', 'injunction', 'promotions', 'relationships', 'basically', 'weakening', 'rolling', 'amoco', 'skills', 'treasurer', 'pemex', 'charity', 'ministers', 'forcing', 'completion', 'picked', 'kemper', 'attacks', 'planner', 'swedish', 'salary', 'fuji', 'lotus', 'loose', 'usa', 'conversion', 'rent', 'apartment', 'mission', 'murder', 'ordinary', 'angry', 'driven', 'steve', 'eliminating', 'racial', 'panic', 'indications', 'rumored', 'advisory', 'sacramento', 'deficit-reduction', 'kinds', 'bates', 'valuable', 'foster', 'spanish', 'fare', 'aftermath', 'baskets', 'roads', 'notion', 'raymond', 'jacobson', 'shortage', 'suspect', 'survive', 'suppliers', 'user', 'ultimate', 'counts', 'stepped', 'cfcs', 'restricted', 'russian', 'berkeley', 'components', 'craig', 'hudson', 'fidelity', 'ingersoll', 'extension', 'dumped', 'discontinued', 'stretch', 'generated', 'reliance', 'dozens', 'therefore', 'mercury', 'financed', 'honda', 'stance', 'anyway', 'count', 'affecting', 'sending', 'tandy', 'cleanup', 'a.m', 'formally', 'refinancing', 'licenses', 'bias', 'killing', 'viewers', 'jurors', 'katz', 'installed', 'trump', '30-day', 'nicholas', 'competitor', 'contain', 'troops', 'spinoff', 'ill', 'goodson', 'ounces', 'aviation', 'expecting', 'agrees', 'upward', 'speaker', 'feb.', 'coalition', 'born', 'emerge', 'exchequer', 'compiled', 'renaissance', 'suburban', 'shipped', 'equities', 'palo', 'publishers', 'happening', 'pointed', 'bearish', 'redemption', 'cent', 'newsletter', 'convinced', 'loan-loss', 'secure', 'print', 'treat', 'grounds', 'rely', 'lowest', 'stolen', 'wisconsin', 'cowboys', 'expenditures', 'museum', 'tourists', 'ab', 'ward', 'alex', 'serving', 'meaning', 'honor', 'requests', 'informed', 'lake', 'teacher', 'golf', '500-stock', 'sansui', 'rice', 'darman', 'creation', 'investigators', 'formula', 'disney', 'borrow', 'setback', 'horse', 'resorts', 'incest', 'prepare', 'similarly', 'truth', 'pro-choice', 'compare', 'die', 'animals', 'communities', 'contest', 'small-business', 'mgm\\/ua', 'healthcare', 'congressman', 'ice', 'jackson', 'facts', 'homeless', 'bonuses', 'dorrance', 'responsibilities', 'repeatedly', 'referred', 'environmentalists', 'warsaw', 'sounds', 'empire', 'cumulative', 'publication', 'agricultural', 'execution', 'unusually', 'motorola', 'wheat', 'globe', 'sullivan', 'rowe', 'encouraging', 'carefully', 'marketers', 'iron', 'mississippi', 'tourist', 'bullish', 'conceded', 'consortium', 'knight', 'absolutely', 'semel', 'promoting', 'treasurys', 'efficiency', 'owning', 'articles', 'elderly', 'refund', 'rolled', 'averaged', 'connaught', 'edwards', 'vulnerable', 'wedtech', 'rejection', 'announcing', 'immune', 'strategist', 'enable', 'explained', 'lend', 'preparing', 'fusion', 'louisville', 'netherlands', 'judgment', 'discrimination', 'staffers', 'somewhere', 'danger', 'dominant', 'seller', 'petrochemical', 'concessions', 'lucrative', 'geneva', 'shelf', 'calculations', 'reaching', 'optical', 'bass', 'pioneer', 'nine-month', 'recognized', 'tva', 'liabilities', 'distributor', 'entry', 'assist', 'nabisco', 'nigel', 'gaf', 'claiming', 'arguments', 'regarded', 'aim', 'utah', 'minute', 'maturing', 'beverly', 'buick', 'gardens', 'truly', 'arrived', 'adopt', 'protests', 'bonus', 'violated', 'shipyard', 'visited', 'nicaraguan', 'jail', 'i.', 'examination', 'harry', 'contra', 'advances', 'basketball', 'ignore', 'oppenheimer', 'dream', 'seagram', 'franchisees', 'strikes', 'strongest', 'accommodate', 'removed', 'challenges', 'speak', 'nelson', 'unprecedented', 'heating', 'engineered', 'animal', 'deciding', 'featuring', 'achenbaum', 'coleman', 'procter', 'upset', 'feared', 'tanks', 'rubicam', 'employer', 'campaigns', 'bright', 'mention', 'nice', 'pregnant', 'tony', 'cool', 'silicon', 'microsoft', 'brother', 'lorenzo', 'buys', 'reporter', 'revco', 'anywhere', 'momentum', 'routine', 'fireman', 'columns', 'merkur', 'engines', 'maidenform', 'reacted', 'tele-communications', 'improving', 'periods', 'operated', 'alto', 'anthony', 'application', 'broadly', 'benefited', 'ignoring', 'exposed', 'involves', 'mood', 'colony', 'hotels', 'conflict', 'albert', 'lockheed', 'mason', 'unsuccessful', 'solidarity', 'lunch', 'explanation', 'superior', 'meredith', 'absence', 'restored', 'emotional', 'hdtv', 'routes', 'explaining', 'prominent', 'computing', 'brooklyn', 'useful', 'spin', 'comptroller', 'talked', 'notably', 'clothing', 'windows', 'passenger', 'l.j.', 'halted', 'frederick', 'psychology', 'sentence', 'unclear', 'responding', 'visible', 'contribute', 'definition', 'stamford', 'striking', 'fha', 'reverse', 'victim', 'surely', 'tracks', 'categories', 'highs', 'offsetting', 'adults', 'merieux', 'landing', 'ozone', 'avery', 'storm', 'song', 'ambitious', 'achieve', 'lifted', 'richmond', 'posting', 'upham', 'deloitte', 'comedy', 'notice', 'bench', 'recognize', 'rarely', 'thousand', 'refining', 'employs', 'kansas', 'ldp', 'arranged', 'compound', 'gerald', 'intervention', 'surface', 'debut', 'sixth', 'aluminum', 'eurocom', 'dpc', 'textile', 'strengthen', 'kingdom', 'throw', 'touch', 'narrowed', 'maturities', 'objectives', 'wealth', 'deeply', 'kabul', 'summit', 'welcome', 'targeted', 'guilders', 'surgery', 'delicious', 'levine', 'sdi', 'method', 'reynolds', 'year-end', 'blocks', 'bradstreet', 'submit', 'backlog', 'hitachi', 'tokyu', 'finland', 'exact', 'rebounded', 'defined', 'c', 'displays', 'crane', 'string', 'predicts', 'wathen', 'high-tech', 'nestle', 'maine', 'favored', 'dun', 'incurred', 'drivers', 'cyclical', 'ally', 'protest', 'don', 'matched', 'restated', 'parking', 'balloon', 'itt', 'sizable', 'bork', 'equally', 'actively', 'participating', 'suggestions', 'reebok', 'idle', 'milan', 'wary', 'advancing', 'underwriting', 'drove', 'liquor', 'liquid', 'repeal', 'conducting', 'keating', 'reaches', '100-share', 'pull', 'lately', 'kemp', 'universal', 'jewelry', 'squeezed', 'withdraw', 'benson', 'mcdonough', 'regulator', 'drawn', 'pc', 'arrest', 'transition', 'repay', 'mitsui', 'kentucky', 'fault', 'garcia', 'upper', 'successfully', 'female', 'belief', 'commodore', 'steadily', 'hbo', 'denies', 'tickets', 'establishment', 'harold', 'investigations', 'mather', 'satisfaction', 'mortality', 'olivetti', 'lobbying', 'desert', 'opposite', 'suffering', 'patient', 'vision', 'impeachment', 'carlos', 'links', 'contribution', 'proper', 'confusion', 'dole', 'physical', 'upscale', 'chevrolet', 'climb', 'properly', 'ranks', 'morishita', 'yielding', 'herald', 'band', 'executed', 'yes', 'violate', 'connected', 'fend', 'drabinsky', '1960s', 'rouge', 'researcher', 'studied', 'creditor', 'realty', 'pursuing', 'merchants', 'v.', 'skeptical', 'stemming', 'gramm-rudman', 'discounts', 'shield', 'ignored', 'select', 'bondholders', 'financial-services', 'restrict', 'interviewed', 'presidency', 'employed', 'supercomputer', 'moral', 'clause', 'meantime', 'tourism', 'maintaining', 'films', 'granted', 'crack', 'covert', 'cigarette', 'gen-probe', 'afraid', 'packwood', 'adjusters', 'thanks', 'diego', 'jerry', 'high-grade', 'shore', 'emerged', 'agenda', 'shared', 'couples', 'tremendous', 'stockholm', 'apiece', 'feature', 'agreeing', 'alaska', 'knocked', 'lay', 'communication', 'nashua', 'shuttle', 'designs', 'intend', 'libor', 'tougher', 'guys', 'shock', 'topic', 'regardless', 'mid-october', 'payroll', 'tendered', 'decrease', 'hoffman', 'unconstitutional', 'dingell', 'edelman', 'wider', 'atmosphere', 'phase', 'tax-exempt', 'ocean', 'occasionally', 'prudential', 'copyright', 'arkansas', 'camera', 'coniston', 'decker', 'cineplex', 'soaring', 'historical', 'smoke', 'haven', 'combat', 'letting', 'alcohol', 'clearance', 'array', 'stemmed', 'mexican', 'slashed', 'designer', 'khmer', 'alive', 'column', 'steinberg', 'attempted', 'tries', 'assigned', 'singer', 'entrepreneur', 'stages', 'denver', 'indicted', 'perception', 'speculated', 'bitter', 'sparked', 'pursuit', 'della', 'registration', 'acknowledges', 'southwest', 'wear', 'picking', 'banning', 'strict', 'threatening', 'popularity', 'mere', 'furniture', 'glasnost', 'promotional', 'nl', 'harvest', 'instrument', 'spirit', 'fundamentals', 'losers', 'stuck', 'emissions', 'antar', 'rain', 'shevardnadze', 'remainder', 'passengers', 'rosen', 'hybrid', 'consisting', 'gould', 'high-quality', 'eli', 'oregon', 'refuse', 'interim', 'alter', 'writers', 'nato', 'seize', 'protesters', 'movements', 'bugs', 'drink', 'insiders', 'impose', 'discussion', 'southeast', 'champion', 'femina', 'apartheid', 'teddy', 'publicity', 'diseases', 'enacted', 'reject', 'legitimate', 'signing', 'bottle', 'odd', 'assurance', 'married', 'serves', 'bears', 'understanding', 'functions', 'defaults', 'latter', 'volokh', 'recommendations', 'salaries', 'bernstein', 'israeli', 'altogether', 'adverse', 'daly', 'abortion-rights', 'excessive', 'ftc', 'amounted', 'sanford', 'regions', 'vaccine', 'obligations', 'quit', 'n.j', 'kasparov', 'negotiate', 'full-year', 'madison', 'montreal', 'winners', 'salespeople', 'qualify', 'heading', 'consolidation', 'creates', 'suggesting', 'anderson', 'wire', 'proceed', 'affair', 'magnetic', 'deutsche', 'overcome', 'leasing', 'violence', 'privatization', 'wrongdoing', 'depositary', 'gathering', 'miniscribe', 'minpeco', 'fares', 'heritage', 'combine', 'urge', 'armstrong', 'respect', 'bus', 'redeem', 'beneficial', 'societe', 'private-sector', 'witness', 'toy', 'settlements', 'christie', 'robertson', 'apples', 'drawing', 'filling', 'commuters', 'suisse', 'feed', 'bureaucracy', 'recall', 'ethics', 'cs', 'influential', 'businessman', 'spoke', 'signaled', 'overhead', 'attendants', 'historically', 'integration', 'beneficiaries', 'zurich', 'weisfield', 'dan', 'manila', 'chances', 'municipals', 'equaling', 'communists', 'quantities', 'reduces', 'amended', 'doubts', 'gates', 'counterparts', 'derivative', 'pcs', 'journalists', 'bancorp', 'signals', '190-point', 'detail', 'radiation', 'oklahoma', 'cruise', 'feels', 'saving', 'indexing', 'interpublic', 'boesky', 'taxation', 'anheuser', 'beatrice', 'expertise', 'illegally', 'specify', 'reviewing', 'provigo', 'constantly', 'proposing', 'yale', 'enjoy', 'phenomenon', 'authors', 'hughes', 'switched', 'nih', 'upjohn', 'patents', 'd.t.', 'arrangements', 'attracting', 'edt', 'issuance', 'finnish', 'pitch', 'christian', 'bourbon', 'god', 'toshiba', 'fresenius', 'oliver', 'describes', 'ball', 'preference', 'chandler', 'exercisable', 'deterioration', 'ashland', 'survival', 'enterprise', 'rochester', 'federally', 'minnesota', 'understood', 'entering', 'crops', 'temblor', 'specializes', 'transplants', 'enhanced', 'dark', 'concerning', 'lbo', 'arguing', 'orleans', 'angeles-based', 'politically', 'perform', 'contended', 'iran-contra', 'arrested', 'tested', 'alfred', 'writes', 'steam', 'bennett', 'percent', 'wins', 'near-term', 'intermediate', 'conclusion', 'conn', 'cuba', 'techniques', 'fruit', 'actor', 'gte', 'thereafter', 'earning', 'exception', 'receivables', 'assassination', 'dialogue', 'misleading', 'xerox', 'score', 'cup', 'settling', 'cubic', 'greenwich', 'n.', 'larry', 'choices', 'barrier', 'witnesses', 'sick', 'rtc', 'neighborhoods', 'counted', 'filipino', 'dubbed', 'preserve', 'diminished', 'fort', 'returning', 'nfl', 'parker', 'border', 'cheating', 'raider', 'greenville', 'solve', 'prosecutor', 'naturally', 'goldberg', 'wines', 'nsc', 'quotron', 'drinking', 'invited', 'dinner', 'grenfell', 'evaluation', 'anxiety', 'seattle', 'methods', 'cope', 'diamond', 'fines', 'desk', 'straszheim', 'sport', 'anymore', 'listen', 'marvin', 'weakened', 'dataproducts', 'conversations', 'jet', 'longstanding', 'shake', 'scientist', 'stems', 'warming', 'minimal', 'flows', 'azoff', 'forest-products', 'keeps', 'observed', 'architecture', 'wearing', 'reopen', 'intention', 'automatic', 'grows', 'rises', 'crunch', 'sooner', 'restructured', 'disappointment', 'careful', 'blocking', 'banc', 'catalog', 'cargo', 'chicago-based', 'prince', 'advising', 'four-year', 'ky.', 'peterson', 'requirement', 'concentrated', 'dry', 'whitten', 'unrelated', 'defendant', 'negotiators', 'boys', 'reader', 'scrutiny', 'sister', 'antonio', 'murray', 'trees', 'sierra', 'bernard', 'adjust', 'rockwell', 'consistent', 'sites', 'contel', 'guess', 'withdrew', 'stevens', 'remarkable', 'agnelli', 'suitor', 'unexpected', 'lived', 'sheets', 'interviews', 'locations', 'tasks', 'engage', 'proponents', 'ambassador', 'columnist', 'fcc', 'entrepreneurs', 'consists', 'refunding', 'considers', 'dentsu', 'universities', 'billing', 'catastrophic', 'cultural', 'shippers', 'unocal', 'passing', 'forget', 'structured', 'vermont', 'defeat', 'quantum', 'launching', 'rush', 'indicator', 'pills', 'expired', 'arab', 'saks', 'pan', 'rubles', 'convenience', 'absorb', 'savings-and-loan', 'imminent', 'philosophy', 'exceeding', 'hearst', 'soybeans', 'outlays', 'performing', 'dodge', 'appellate', 'breaks', 'shadow', 'northwest', 'avoided', 'doors', 'initiatives', 'gillett', 'drought', 'indexes', 'disagree', 'proteins', 'dissident', 'item', 'backer', 'charlotte', 'quietly', 'trim', 'philippine', 'promising', 'cabinet', 'pressing', 'spy', 'bidder', 'trimmed', 'recommendation', 'mess', 'fate', 'lock', 'carter', 'booming', 'skase', 'convention', 'half-hour', 'norman', 'talent', 'long-distance', 'earthquakes', 'asserted', 'demonstrations', 'slip', 'barry', 'andersson', 'hawaii', 'norfolk', 'province', 'screens', 'battery', 'listing', 'breach', 'knowledge', 'tariffs', 'strain', 'logic', 'sank', 'persistent', 'chunk', 'solely', 'passage', 'topped', 'mandatory', 'inquiries', 'hartford', 'widened', 'platinum', 'publishes', 'errors', 'toronto-based', 'indianapolis', 'accrued', 'households', 'constant', 'perfect', 'receives', 'steelmakers', 'mount', 'glenn', 'ru-486', 'justify', 'temple', 'richter', 'perfectly', 'gradually', 'boyd', 'dell', 'personally', 'depreciation', 'procedure', 'perestroika', 'bargain', 'supports', 'seized', 'ima', 'corruption', 'breakers', 'helmsley', 'sweetened', 'levy', 'ranges', 'text', 'azt', 'bogart', 'assurances', 'commercials', 'warm', 'salesman', 'strange', 'mancuso', 'furs', 'wellington', 'existence', 'outcry', 'brings', 'yamaichi', 'infected', 'disputes', 'barred', 'prolonged', 'islands', 'chose', 'guber-peters', 'missile', 'repairs', 'pride', 'aspect', 'anxious', 'ratners', 'eat', 'sugarman', 'distance', 'seeds', 'confrontation', 'nippon', 'delegation', 'ira', 'virus', 'taste', 'poorly', 'automatically', 'subjects', 'recommend', 'wind', 'removing', 'marginal', 'serial', 'squibb', 'error', 'joe', 'gauge', 'eating', 'peck', 'assured', 'native', 'unspecified', 'quotas', 'rican', 'dogs', 'inadequate', 'lucky', 'mistake', 'theft', 'laff', 'norton', 'stoll', 'flexible', 'deregulation', 'informal', 'genuine', 'fought', 'deductions', 'watson', 'noncallable', 'practical', 'microsystems', 'mounting', 'sidelines', 'intellectual', 'withdrawn', 'shed', 'gambling', 'relating', 'taipei', 'crowded', 'tentative', 'seven-day', 'artists', 'equity-purchase', 'unexpectedly', 'judiciary', 'collect', 'elizabeth', 'acceptable', 'politburo', 'stalled', 'creek', 's', 'frequent', 'destroy', 'ciba-geigy', 'conversation', 'jewish', 'dated', 'funny', 'federated', 'voices', 'brazilian', 'roderick', 'carbide', 'lion', 'boss', 'wilson', 'drain', 'rough', 'issuing', 'seemingly', 'accompanied', 'sydney', 'instructions', 'spots', 'borough', 'warns', 'reactions', 'aims', 'pinnacle', 'deeper', 'symptoms', 'weaken', 'prosecution', 'austin', 'retiring', 'deficits', 'scared', 'slated', 'priorities', 'sessions', 'lights', 'k.', 'distribute', 'disciplinary', 'doubling', 'hampered', 'appearance', 'alexander', 'transfers', 'jay', 'incident', 'trail', 'surfaced', 'aided', 'replacing', 'postponed', 'hole', 'administrator', 'handed', 'destruction', 'oversees', 'interpreted', 'cabrera', 'dump', 'reward', 'regard', 'socialism', 'tuition', 'evident', 'anticipates', 'intelogic', 'beta', 'dictator', 'throwing', 'institutes', 'territory', 'excellent', 'entities', 'function', 'protecting', 'guzman', 'proportion', 'quotes', 'lung', 'somehow', 'gaining', 'sometime', 'steelmaker', 'manufacture', 'reveal', 'donated', 'victor', 'tea', 'inches', 'mtm', 'academy', 'discovery', 'snapped', 'farms', 'statute', 'arnold', 'stayed', 'translated', 'mcduffie', 'disobedience', 'appealed', 'issuers', 'inco', 'boosts', 'lure', 'affidavit', 'contrary', 'embassy', 'pregnancy', 'industrywide', 'subsequently', 'predecessor', 'advantages', '300-a-share', 'mounted', 'illuminating', 'accessories', 'pressed', 'ourselves', 'fitzwater', 'hidden', 'document', 'influenced', 'homeowners', 'springs', 'disputed', 'responses', 'slipping', 'genentech', 'vans', 'penney', 'accepting', 'homefed', 'depository', 'port', 'tissue', 'minerals', 'max', 'manufactured', 'alleges', 'supervision', 'bruce', 'acceptances', 'ginnie', 'questioned', 'circle', 'banxquote', 'unilever', 'routinely', 'defended', 'tradition', 'patterns', 'targeting', 'capable', 'solar', 'ted', 'establishing', 'soup', 'postal', 'whittle', 'sum', 'clothes', 'recording', 'execute', 'tenure', 'lie', 'interpretation', 'likes', 'growers', 'rigid', 'lows', 'insulin', 'provider', 'freeman', 'forfeiture', 'highways', 'inspired', 'caribbean', 'tumble', 'beef', 'scandals', 'del', 'would-be', 'schwarz', 'irving', 'orkem', 'veterans', 'contains', 'surveys', 'ousted', 'lobbyist', 'predictions', 'carbon', 'regain', 'polaroid', 'palestinian', 'abandon', 'scoring', 'impending', 'element', 'loral', 'clark', 'high-definition', 'comfort', 'appliances', 'containing', 'mazda', 'seventh', 'agnos', 'toxin', 'diabetics', 'endorsed', 'classroom', 'ballot', 'beautiful', 'integrity', 'walking', 'courtroom', 'aftershocks', 'exclude', 'noticed', 'rewards', 'prevented', 'index-arbitrage', 'humana', 'treated', 'naval', 'bushel', 'moore', 'slash', 'tracking', 'assess', 'concede', 'pressured', 'drama', 'hedge', 'catastrophe', "o'kicki", 'centennial', 'bristol-myers', 'n.v.', 'background', 'flagship', 'designated', 'waves', 'defects', 'painting', 'favors', 'burger', 'tax-free', 'promptly', 'k', 'tenn.', 'pachinko', 'humans', 'desktop', 'stabilize', 'install', 'utilization', 'athletics', 'affluent', 'grip', 'gate', 'fixed-income', 'foothills', 'cooperative', 'marketed', 'mcgraw-hill', 'valid', 'barbara', 'rand', 'laid', 'prompting', 'capel', 'depression', 'non-violent', 'reluctance', 'bofors', '1950s', 'iran', 'strengthened', 'unnecessary', 'epa', 'speaking', 'anticipate', 'drops', 'workstations', 'ranged', 'lesson', 'inflation-adjusted', 'impressive', 'o.', 'slate', 'fraudulent', 'notified', 'conclude', 'exercised', 'borrowings', 'challenging', 'register', 'overtime', 'sentenced', 'cost-cutting', 'hamilton', 'jon', 'smooth', 'duck', 'gillette', 'figured', 'statistical', 'london-based', 'felony', 'henderson', 'terry', 'plate', 'photos', 'discounted', 'clinical', 'free-market', 'insisting', 'ideal', 'kronor', 'fibers', 'alert', 'nominal', 'radical', 'multiple', 'supermarket', 'armed', 'trigger', 'announcements', 'lying', 'limiting', 'renault', 'newsprint', 'decent', 'comic', 'fishing', 'beers', 'fled', 'walker', 'safer', 'demanding', 'evaluate', 'quebec', 'rubber', 'pwa', 'attitudes', 'offensive', 'monitored', 'excuse', 'europeans', 'counting', 'borrowers', 'anti-abortion', 'audiences', 'viable', 'printed', 'actors', 'macmillan', 'harm', 'crown', 'tactics', 'acted', 'fails', 'regulated', 'exterior', 'winner', 'midst', 'missed', 'spends', 'colon', 'insolvent', 'privilege', 'finances', 'grocery', 'inner', 'retains', 'narrowly', 'mike', 'daughter', 'bold', 'cholesterol', 'superconductors', 'override', 'blumenfeld', 'threats', 'confirmation', 'shoes', 'corner', 'candlestick', 'conflicts', 'sweden', 'ongoing', 'betting', 'fournier', 'meridian', 'kravis', 'dress', 'midland', 'soybean', 'proving', 'hispanic', 'landscape', 'colombia', 'tables', 'pulling', 'colombian', 'fits', 'allied', 'reviews', 'builders', 'marketer', 'neal', 'sponsors', 'entity', 'cambridge', 'rushed', 'arabia', 'angels', 'vowed', 'nbi', 'dick', 'massacre', 'escape', 'enhance', 'omitted', 'casting', 'taught', 'contributing', 'waited', 'perceived', 'assumes', 'spur', 'spark', 'tariff', 'n.c.', 'amsterdam', 'contemporary', 'courtaulds', 'drag', 'stiff', 'bolstered', 'sponsor', 'obtaining', 'fancy', 'hambrecht', 'substance', 'murphy', 'circus', 'seconds', 'warnings', 'census', 'salesmen', 'computer-driven', 'eastman', 'discrepancies', 'youth', 'resignations', 'amendments', 'petrie', 'allocation', 'contracted', 'comply', 'bull', 'complains', 'rank', 'indiana', 'kraft', 'alberta', 'profit-taking', 'gallery', 'swing', 'ramada', 'tucson', 'liquidation', 'proof', 'prime-time', 'painful', 'weapon', 'automated', 'opposes', 'constitute', 'counseling', 'occurs', 'mirage', 'decliners', 'proven', 'daimler-benz', 'quist', 'revival', 'preventing', 'repeat', 'premier', 'inclined', 'outsiders', 'kate', 'weyerhaeuser', 'plot', 'firmly', 'picks', 'chugai', 'transcanada', 'prosecutions', 'challenged', 'rushing', 'sassy', 'trans', 'chromosome', 'intact', 'sweet', 'likelihood', 'availability', 'coins', 'sharon', 'intimate', 'medicaid', 'pack', 'describe', 'first-half', 'mirror', 'solicitation', 'nynex', 'fitness', 'sandinista', 'vigorous', 'oust', 'recruiting', 'arts', 'exodus', 'moments', 'finish', 'j.c.', 'low-cost', 'pledged', 'merit', 'advise', 'defeated', 'medium-sized', 'brisk', 'images', 'kaiser', 'mutual-fund', 'examiner', 'masson', 'candy', 'cranston', 'sour', 'battered', 'burns', 'licensed', 'saved', 'exempt', 'odeon', 'upheld', 'jonathan', 'authorization', 'extending', 'genetics', 'formation', 'asserts', 'riders', 'runkel', 'unfairly', 'platform', 'russell', 'survived', 'd', 'boasts', 'dismal', 'rid', 'manner', 'nrm', 'patrick', 'destroyed', 'refunds', 'missiles', 'appointments', 'rhetoric', 'declaring', 'anger', 'owes', 'withdrawals', 'declares', 'arafat', 'maintains', 'unveil', 'plo', 'hollander', 'mart', 'refugees', 'demanded', 'stabilizing', 'whenever', 'teach', 'pouring', 'smoothly', 'enjoyed', 'kleinwort', 'exceeds', 'reckless', 'compensate', 'terminated', 'pessimistic', 'guinness', 'rebuild', 'multiples', 'permits', 'obstacles', 'u.s.a', 'comeback', 'fulton', 'ordering', 'overwhelming', 'infrastructure', 'convince', 'regularly', 'procedural', 'day-to-day', 'coastal', 'captured', 'revived', 'label', 'trucking', 'watches', 'u.s.s.r.', 'interior', 'mcgovern', 'customs', 'meat', 'apartments', 'violin', 'container', 'peladeau', 'considerations', 'examine', 'severely', 'precisely', 'memo', 'usia', 'capitalism', 'brian', 'limitations', 'epicenter', 'shook', 'mobile', 'proceeding', 'wisdom', 'repaid', 'editors', 'stewart', 'criteria', 'folks', 'carol', 'chan', 'moderately', 'questionable', 'ruth', 'substitute', 'mackenzie', 'u.n.', 'extreme', 'releases', 'h&r', 'n.y', 'speculate', 'petition', 'demonstrators', 'minds', 'md.', 'sunnyvale', 'belgium', 'injury', 'constituents', 'robinson', 'knowing', 'redeemed', 'processes', 'welfare', 'openly', 'trotter', 'write-downs', 'johns', 'resumed', 'pricings', 'non-u.s.', 'garbage', 'radar', 'lacks', 'profile', 'backs', 'frenzy', 'positioned', 'scenes', 'directed', 'ring', 'planet', 'linking', 'desirable', 'lorin', 'double-a', 'bureaucrats', 'opposing', 'selection', 'northrop', 'empty', 'historic', 'worm', 'polly', 'franc', 'pencil', 'specter', 'buoyed', 'content', 'softer', 'afghanistan', 'contact', 'fun', 'nights', 'criminals', 'portable', 'barre', 'laptop', 'hang', 'guests', 'skin', 'approaches', 'beauty', 'damp', 'midnight', 'featured', 'crush', 'crazy', 'denominations', 'justified', 'reunification', 'reed', 'bobby', 'suggestion', 'rental', 'tale', 'engineer', 'carat', 'neighbors', 'waters', 'shoulder', 'telesis', 'cycles', 'margaret', 'resisted', 'cie', 'manuel', 'swiftly', 'liable', 'mediator', 'daughters', 'devastating', 'montedison', 'soil', 'experiencing', 'threw', 'uncertainties', 'teaching', 'route', 'counterpart', 'goodyear', 'surrender', 'schedules', 'graduate', 'terminals', 'paintings', 'wealthy', 'streamlining', 'texans', 'accompanying', 'embarrassment', 'literally', 'bearing', 'hurting', 'averages', 'sutton', 'corning', 'psychological', 'lagged', 'governors', 'cooperate', 'lacked', 'length', 'diet', 'erbamont', 'riskier', 'accusations', 'enfield', 'z', 'downgraded', 'innovation', 'prohibited', 'synthetic', 'closed-end', 'pennzoil', 'tension', 'financiere', 'laband', 'plead', 'purchasers', 'u.s.a.', 'brick', 'supervisor', 'contacts', 'yellow', 'dance', 'p53', 'alike', 'tree', 'forecasting', 'lawn', 'helicopter', 'impression', 'linda', 'fema', 'cambria', 'disposal', 'klein', 'myself', 'premiere', 'birmingham', 'debacle', 'mystery', 'escaped', 'admitting', 'consented', 'likewise', 'breakdown', 'kent', 'bacteria', 'boat', 'vessels', 'filters', 'deduction', 'retreat', 'explosion', 'ok', 'allocated', 'installations', 'gorky', 'stuart', 'cancel', 'cleaning', 'mistakes', 'furor', 'kidney', 'dismissal', 'bureaucratic', 'imagine', 'disks', 'scrambled', 'freely', 'fur', 'stepping', 'vietnamese', 'unsettled', 'industrialized', 'hess', 'burned', 'regulate', 'clutter', 'pegged', 'identity', 'designing', 'charleston', 'skinner', 'intraday', 'parallel', '30-share', 'assembled', 'objections', 'trinova', 'single-a-2', 'spurred', 'adopting', 'goldsmith', 'legislator', 'messages', 'proposes', 'rubble', 'tripled', 'discover', 'revisions', 'samples', 'reinvestment', 'opens', 'cautioned', 'jeff', 'implies', 'colleges', 'floating', 'tank', 'va', 'willingness', 'chiron', 'feelings', 'fluctuations', 'occidental', 'chung', 'zero', 'phones', 'tremors', 'corr', 'dreyfus', 'infiniti', 'sloan', 'lexus', 'nose', 'diversification', 'generale', 'hate', 'fared', 'rail', 'heights', 'cosby', 'catalyst', 'computerized', 'newark', 'plain', 'greenberg', 'reasonably', 'lag', 'vincent', 'toledo', 'adapted', 'stressed', 'department-store', 'generations', 'shortages', 'critic', 'detectors', 'parliamentary', 'cites', 'accountants', 'neck', 'debenture', 'tour', 'herself', 'exchange-rate', 'wilder', 'readily', 'transform', 'therapy', 'hoechst', 'appetite', 'reservations', 'combining', 'voluntarily', 'pet', 'marking', 'thrown', 'stars', 'tires', 'obstacle', 'passive', 'fame', 'devoted', 'cuban', 'lobbyists', 'ray', 'chairs', 'unavailable', 'milestones', 'parks', 'architects', 'pickup', 'schwartz', 'welcomed', 'lean', 'cutbacks', 'fuels', 'airing', 'staffs', 'locked', 'seasons', 'hide', 'coordinate', 'deliberately', 'high-priced', 'completing', 'dave', 'visits', 'cambodia', 'vacant', 'osha', 'announcer', 'nikko', 'exhibition', 'bipartisan', 'climbing', 'attending', 'removal', 'chart', 'dynamic', 'alleging', 'diverted', 'buses', 'postpone', 'desperately', 'nathan', 'external', 'clout', 'definitely', 'holmes', 'deserve', 'wash', 'prospectus', 'greenhouse', 'prof.', 'spreads', 'middlemen', 'nonperforming', 'simultaneously', 'certificate', 'isolated', 'clara', 'subsidized', 'converting', 'productions', 'principles', 'cooperatives', 'achievement', 'syndrome', 'datapoint', 'explore', 'emhart', 'uncovered', 'testify', 'computer-guided', 'coopers', 'chivas', 'placement', 'processed', 'far-reaching', 'macy', 'greece', 'addressed', 'amazing', 'sustain', 'ivory', 'concludes', 'listening', 'embraced', 'grumman', 'microprocessor', 'steal', 'sorts', 'exporter', 'proxy', 'rumor', 'lengthy', 'prompt', 'newer', 'earns', 'exploring', 'gordon', 'mechanism', 'mainstream', 'herbert', 'riding', 'ideological', 'congressmen', 'prebon', 'temperatures', 'c.d.s', 'write-down', 'bank-backed', 'imposing', 'lagging', 'eurodollars', 'rallies', 'generous', 'czechoslovakia', 'coupled', 'corps', 'opinions', 'exporters', 'cereal', 'andrew', 'hitting', 'pit', 'minorities', 'exclusion', 'fred', '13th', 'briefly', 'scams', 'tends', 'races', 'reuters', 'library', 'luzon', 'hiroshima', 'nomination', 'niche', 'anniversary', 'bribe', 'lowering', 'choosing', 'voluntary', 'nevada', 'discouraging', 'illustrates', 'arbitragers', 'pfeiffer', 'finishing', 'investigate', 'vacancy', 'unanimously', 'context', 'objective', 'abm', 'galvanized', 'induce', 'treating', 'protein', 'pockets', 'mellon', 'arrive', 'collecting', 'persuaded', 'belong', 'clubs', 'discretionary', 'buried', 'keith', 'eaton', 'auctions', 'savaiko', 'dog', 'capitalization', 'affiliated', 'penny', 'demise', 'lexington', 'boxes', 'stream', 'strengthening', 'admission', 'enthusiasm', 'smart', 'ruble', 'prestigious', 'vacation', 'depend', 'creativity', 'salinas', 'iras', 'bryant', 'colo.', 'scrambling', 'violating', 'conferees', 'bradley', 'decides', 'pittston', 'intentions', 'vila', 'ethical', 'renewing', 'capitalists', 'fragile', 'disruption', 'maximize', 'visa', 'trials', 'recovering', 'auctioned', 'pump', 'degrees', 'leased', 'expectation', 'shipbuilding', 'weaknesses', 'recorders', 'technicians', 'yearly', 'interfere', 'arco', 'recommends', 'heels', 'preparation', 'peaked', 'taxpayer', 'indirect', 'fortunes', 'credited', 'pro-democracy', 'labels', 'processors', 'precise', 'adoption', 'gelbart', 'assault', 'glory', 'gmac', 'gear', 'studios', 'courses', 'white-collar', 'pesticides', 'packaged', 'rothschilds', 'sleep', 'nobel', 'batman', 'refuge', 'heightened', 'spare', 'panels', 'headline', 'dec', 'boiler', 'episode', 'wastewater', 'citizen', 'cray-3', 'charitable', 'disarray', 'neighboring', 'innocent', 'scrapped', 'tonight', 'labeled', 'turf', 'bowling', 'standardized', 'fiercely', 'marginally', 'frozen', 'gin', 'hats', 'confusing', 'verdict', 'soldiers', 'evil', 'walt', 'differently', 'fledgling', 'liquidated', 'frustration', 'buck', 'enforce', 'testified', 'ron', 'occasions', 'fast-growing', 'merabank', 'pointing', 'laying', 'schering-plough', 'ga.', 'consist', 'unconsolidated', 'ailing', 'reversed', 'perceptions', 'mcdonnell', 'hardest', 'inched', 'superfund', 'flew', 'awful', 'resigning', 'unique', 'ink', 'precedent', 'pain', 'shaky', 'kicked', 'spreading', 'nasd', 'bearings', 'backers', 'westmoreland', 'fairness', 'attacked', 'spokesmen', 'diamonds', 'barring', 'firmed', 'wash.', 'mayoral', 'stones', 'seven-year', 'nancy', 'ackerman', 'watchers', 'southwestern', 'pencils', 'marlin', 'builds', 'complaining', 'iranian', 'unknown', 'tandem', 'males', 'scrap', 'afghan', 'wildly', 'stupid', 'cancers', 'furriers', 'palladium', 'gifts', 'blocked', 'resist', 'exploit', 'electoral', 'salt', 'terminal', 'racing', 'less-developed', 'describing', 'falcon', 'surviving', 'township', 'sponsored', 'outnumbered', 'fetal-tissue', 'loved', 'freeze', 'claimants', 'devaluation', 'projection', 'suspend', 'collar', 'hunter', 'olympics', 'leases', 'automobiles', 'semiconductors', 'ana', 'packaged-goods', 'tapes', 'bellwether', 'physician', '\\*', 'bronx', 'celebration', 'distributors', 'second-quarter', 'classified', 'one-hour', 'lauder', 'vital', 'curry', 'tighter', 'collected', 'boomers', 'leather', 'plaza', 'component', 'desks', 'peru', 'benjamin', 'soo', 'southam', 'reversal', 'determining', 'lender', 'corrupt', 'carpet', 'waive', 'mid-1970s', 'separation', 'u', 'devastation', 'bpca', 'single-a-3', 'tall', 'thieves', 'wondering', 'toys', 'lighting', 'everywhere', 'nuovo', 'afterward', 'quayle', 'ranking', 'tap', 'evolution', 'susan', 'narrowing', 'collective', 'combustion', 'market-makers', 'cheney', 'confidential', 'restriction', 'instituted', 'owen', 'five-cent', 'newhouse', '300-day', 'bleak', 'luck', 'modernize', 'trains', 'giovanni', 'pursued', 'entitled', 'advocate', 'aging', 'sedan', 'franchisee', 'introducing', 'bosses', 'slumped', 'natwest', 'soft-drink', 'preferences', 'disappointments', 'wires', 'curtail', 'theirs', 'billings', 'trips', 'lobby', 'timetable', 'bargaining', 'oils', 'parity', 'ryder', 'kean', 'sinyard', 'sky', 'thurmond', 'revolutionary', 'louisiana', 'hart', 'lent', 'foley', 'governing', 'interpret', 'taped', 'montgomery', 'bags', 'lipper', 'revamped', 'garrison', 'searching', 'nursing', 'harbor', 'winnebago', 'speculative', 'in-house', 'sentences', 'withstand', 'concentrating', 'forth', 'marathon', 'roebuck', 'disproportionate', 'attendance', 'noon', 'relies', 'crew', 'possibilities', 'organizing', 'blames', 'scuttle', 'relevant', 'handy', 'installment', 'roth', 'marsh', 'crises', 'trinity', 'scarce', 'appearing', 'credentials', 'journalism', 'shapiro', 'rev.', 'columbus', 'cement', 'breakup', 'exciting', 'relieved', 'copying', 'uniroyal', 'exemption', 'stripped', 'reinforce', 'underwrite', 'brawer', 'files', 'pa', 'village', 'nerves', 'ireland', 'clinic', 'angelo', 'fierce', 'evaluating', 'performances', 'tumor', 'pork', 'shelters', 'liberty', 'fires', 'stoltzman', 'spencer', 'undisclosed', 'drafted', 'shifting', 'exceptions', 'sandinistas', 'low-income', 'shrinking', 'musical', 'embryo', 'relocation', 'burlington', 'furthermore', 'consumed', 'state-controlled', 'comparisons', '12-year', 'exclusively', 'erode', 'newsweek', 'polled', 'banque', 'cure', 'vatican', 'smallest', 'towns', 'chartered', 'implemented', 'hinted', 'ind.', 'hair', 'elements', 'oversight', 'accomplish', 'pure', 'blank', 'participated', 'defective', 'desperate', 'bnl', 'frustrated', 'cleaner', 'please', 'eventual', 'lufthansa', 'imbalances', 'accurate', 'inevitably', 'deteriorating', 'boy', 'air-freight', 'magnitude', 'damaging', 'ironically', 'supervisors', 'joel', 'nasty', 'batibot', 'mahfouz', 'grim', 'printer', 'innovative', 'sympathetic', 'yourself', 'illustration', 'harbors', 'rubbermaid', 'undertaken', 'thereby', 'persons', 'scenarios', 'autumn', 'buildup', 'cairo', 'avoiding', 'anne', 'beneath', 'punitive', 'camp', 'mental', 'breakfast', 'resign', 'shaw', 'advises', 'hottest', 'leap', 'berry', 'disorders', 'uniform', 'fabric', 'emphasized', 'declaration', 'circles', 'handles', 'architect', 'two-day', 'mulford', 'altered', 'indirectly', 'rational', 'hence', 'gainers', 'hedging', 'irresponsible', 'guild', 'consolidate', 'tip', 'weigh', 'fortune', 'audits', 'sections', 'breed', 'cboe', 'barometer', 'invented', 'satisfied', 'activist', 'blair', 'deukmejian', 'crews', 'restoration', 'internationally', 'neb.', 'adjusting', 'enactment', 'script', 'everyday', 'draft', 'drinks', 'homelessness', 'credible', 'breeding', 'disrupted', 'measurements', 'sweep', 'dependent', 'kid', 'plunging', 'experimental', 'associations', 'span', 'larsen', 'preserving', 'politician', 'hopkins', 'shoppers', 'throws', 'horses', 'chemistry', 'demonstration', '1930s', 'licensing', 'tendency', 'disturbing', 'significance', 'propose', 'cracks', 'restrictive', 'wives', 'prepares', 'hailed', 'chaos', 'directs', 'demonstrated', 'birth', 'driver', 'anti-takeover', 'tie', 'explosions', 'seita', 'speaks', 'indians', 'lesser', 'manipulation', 'refcorp', 'absorbed', 'beating', 'pearce', 'founding', 'deviation', 'ridley', 'cite', 'luxury-car', 'unwelcome', 'ridiculous', 'questioning', 'rome', 'yeast', 'mccall', 'generates', 'fetch', 'silly', 'cananea', 'pepsico', 'intensive', 'delivering', 'pair', 'highland', 'shocked', 'incomplete', 'styles', 'f', 'deemed', 'slack', 'foundations', 'arena', 'non-food', 'bother', 'murata', 'ann', 'menlo', 'girl', 'satisfy', 'audio', 'ed', 'two-part', 'correction', 'eddie', 'reflection', 'diaper', 'ore.', 'artery', 'dates', 'toseland', 'firmer', 'vanguard', 'literary', 'notification', 'gum', 'solo', 'grower', 'shaking', 'ups', 'metromedia', 'reacting', 'gathered', 'markey', 'billionaire', 'command', 'unrest', 'seagate', 'mandated', 'quota', 'scholars', 'ethnic', 'practiced', 'dale', 'streamline', 'realistic', 'approvals', 'belongs', 'measuring', 'quantity', 'ortiz', 'jr', 'undermine', 'helpful', 'aired', 'ballooning', 'deductible', 'gridlock', 's.p', 'totals', "o'brien", 'exists', 'deputies', 'public-relations', 'sends', 'refusal', 'highlight', 'allied-signal', 'jolt', 'inherent', 'irvine', 'realist', 'mclennan', 'theories', 'skepticism', 'rebates', 'ordinarily', 'diagnostic', 'pipe', 'trails', 'anytime', 'baum', 'harper', 'transit', 'subsidy', 'distant', 'landed', 'trustee', 'esb', 'deaver', 'necessity', 'cemetery', 'retreated', 'bang', 'vienna', 'lady', 'capture', 'impressed', 'al', 'charlie', 're-election', 'arms-control', 'belgian', 'jordan', 'appreciate', 'painted', 'prevail', 'calendar', 'fastest-growing', 'drill', 'relieve', 'dilemma', 'one-day', 'coupons', 'arias', 'nationally', 'boring', 'airports', 'unauthorized', 'nielsen', 'grains', 'fraction', 'convincing', 'troubling', 'dam', 'disposable', 'francis', 'rolls', 'maneuver', 'tracked', 'fish', 'lbos', 'oh', 'strapped', 'inner-city', 'admit', 'parcel', 'diplomatic', 'withheld', 'opponent', 'abrupt', 'koch', 'bicycle', 'unhappy', 'hat', 'spectacular', 'equipped', 'representation', 'skidded', 'poured', 'artistic', 'hard-disk', 'waiver', 'hutchinson', 'knocking', 'equitable', 'trained', 'respected', 'alliances', 'p.m', 'antibody', 'bag', 'reconciliation', 'epo', 'outflows', 'merck', 'korotich', 'bribery', 'retaining', 'lifetime', 'edisto', 'incorrectly', 'jokes', 'termed', 'keenan', 'frame', 'instant', 'woo', 'laser', 'threatens', 'tisch', 'frankly', 'atlantis', 'belts', 'marriage', 'cypress', 'minus', 'optimism', 'stealing', 'initiated', 'consolidating', 'assumptions', 'recommending', 'californians', 'patterson', 'undercut', 'discretion', 'earmarked', 'enabling', 'aoun', 'breaker', 'ample', 'forgotten', 'crossland', 'careers', 'consequently', 'inefficient', 'sagging', 'unfavorable', 'minicomputers', 'softening', 'robins', 'hot-dipped', 'jurisdiction', 'yard', 'coatings', 'reference', 'fan', 'qualified', 'franco', 'spotted', 'visiting', 'staged', 'loses', 'variations', 'soar', 'profession', 'dna', 'morrison', 'krasnoyarsk', 'duke', 'enters', 'maxicare', 'dresdner', 'elevators', 'humanitarian', 'tenders', 'pickers', 'm$', 'timely', 'televised', 'double-digit', 'spun', 'del.', 'refer', 'engaging', 'embarrassing', 'inappropriate', 'bans', 'nebraska', 'burgess', 'guinea', 'injection', 'digest', 'eugene', 'income-tax', 'principals', 'reserved', 'floors', 'athletes', 'trash', 'denying', 'gift', 'cushion', 'improper', 'bowl', 'marlowe', 'bart', 'bonn', 'terrible', 'indefinitely', '2-for-1', 'understands', 'staggering', 'standstill', 'pro-life', 'mural', 'faith', 'wildlife', 'wohlstetter', 'stunned', 'detected', 'schemes', 'improperly', 'gaubert', 'leval', 'prescription', 'dire', 'salinger', 'lyonnais', 'continually', 'nwa', 'temptation', 'rod', 'defending', 'lasting', 'jupiter', 'downgrade', 'bed', 'landfill', 'chambers', 'pools', 'fax', 'exploded', 'inevitable', 'practicing', 'semiannual', 'fashionable', 'hedges', 'skeptics', 'arby', 'kageyama', 'bank-holding', 'neil', 'clerk', 'educators', 'residence', 'spoken', 'alaskan', 'fisher', 'pakistan', 'offshore', 'addressing', '12-month', 'scope', 'scottish', 'tube', 'penn', 'tabloid', 'sums', 'outright', 'dealership', 'develops', 'bricks', 'franchisers', 'relied', 'dispatched', 'grab', 'unfortunate', 'triple', 'capcom', 'pfizer', 'leonard', 'inflated', 'wayne', 'suspects', 'jal', 'guerrillas', 'disclosures', 'caltrans', 'scowcroft', 'shaken', 'traveling', 'scaled', 'haul', 'float', 'hero', 'valuation', 'potatoes', '20-year', 'weighted', 'adult', 'olympia', 'steppenwolf', 'blockbuster', 'di', 'buffett', 'clinton', 'n.c', 'government-owned', 'abramson', 'deng', 'templeton', 'bono', 'distributes', 'citibank', 'killings', 'cease-fire', 'fulfill', 'replied', 'reminder', 'beebes', 'literature', 'roper', 'new-issue', 'swaps', 'longer-term', 'upside', 'cough', 'forever', 'horrible', 'prudent', 'intergroup', 'stretched', 'medicare', 'plagued', 'ontario', 'affidavits', 'torrijos', 'responsive', 'coach', 'cms', 'underwritten', 'administrators', 'stanford', 'staying', 'midsized', 'pbs', 'tci', 'enemies', 'rash', 'venture-capital', 'write-off', 'graham', 'dubious', 'acquires', 'technological', 'departures', 'tenants', 'jitters', 'esselte', 'mid-1980s', 'bros.', 'clues', 'alley', 'bronfman', 'class-action', 'hees', 'jumping', 'libel', 'single-family', 'lortie', 'nugget', 'mushrooms', 'medium', 'jewelers', 'alarmed', 'meets', 'woods', 'coin', 'dipped', 'pesticide', 'owe', 'seabrook', 'railway', 'regret', 'shack', 'bars', 'theaters', 'armonk', 'undertaking', 'circulating', 'amgen', 'upgrade', 'fried', 'laurel', 'haas', 'seniority', 'jailed', 'partially', 'benefiting', 'bikers', 'leg', 'dominion', 'diversify', 'stretching', 'jefferies', 'thornburgh', 'saab-scania', 'aquino', 'fake', 'pervasive', 'pope', 'murdered', 'defer', 'lung-cancer', 'underwear', 'harsh', 'enabled', 'fix', 'aichi', 'energetic', 'portrayal', 'scattered', 'novels', 'accurately', 'phony', 'flowing', 'cupertino', 'ranch', 'pumped', 'accelerating', '20th', 'deceptive', 'overdue', 'jefferson', 'unification', 'goodman', 'truce', 'hazardous', 'unified', 'titles', 'weekes', 'grave', 'economically', 'dealt', 'assessing', 'earthquake-related', 'subordinate', 'policyholders', 'determination', 'roe', 'incinerator', 'wade', 'constraints', 'burdens', 'simon', 'notebook', 'curbs', 'transmission', 'lionel', 'exotic', 'troop', 'intensity', 'hosts', 'coaches', 'environmentalism', 'redford', 'n.m.', 'outweigh', 'recalled', 'whooping', 'prize', 'faded', 'adm.', 'setbacks', 'evenly', 'capita', 'ambitions', 'risc', 'mideast', 'humor', 'reformers', 'chores', 'struggled', 'incorporated', 'unix', 'meaningful', 'venezuela', 'secrets', 'jolla', 'adequately', 'taxi', 'floating-rate', 'blackstone', 'vendor', 'sheraton', 'horizon', 'disabled', 'first-quarter', 'disabilities', 'generating', 'softness', 'lord', 'vetoed', 'chiefs', 'strategists', 'hypoglycemia', 'middle-class', 'grade', 'dioxide', 'wore', 'faa', 'richfield', 'pie', 'fujis', 'stop-loss', 'sung', 'spree', 'react', 'judgments', 'kume', 'discourage', 'busiest', 'leaseway', 'syndicates', 'burt', 'abbie', 'archrival', 'daf', 'suspected', 'punishment', 'prohibits', 'negotiation', 'restraint', 'commenting', 'opera', 'sherwin', 'switching', 'grabbed', 'mayer', 'bracing', 'convex', 'summoned', 'packed', 'compact', 'situations', 'verwoerd', 'blast', 'slashing', 'polyethylene', 'mall', 'misstated', 'accelerate', 'hurry', 'chris', 'furukawa', 'mcalpine', 'stark', 'overseeing', 'cautiously', 'magna', 'swelled', 'wings', 'broker-dealer', 'drifted', 'a.c.', 'renew', 'virgin', 'noxell', 'flawed', 'modifications', 'needham', 'replies', 'dax', 'suburb', 'pitches', 'reputable', 'venice', 'neighbor', 'praised', 'dragged', 'axa', 'autos', 'perlman', 'applicants', 'joins', 'cosmetic', 'commentary', 'solved', 'deserves', 'lighter', 'vintage', 'prestige', 'apogee', 'prevailed', 'junk-holders', 'storer', 'unfriendly', 'commons', 'undervalued', 'pale', 'exchanged', 'supplied', 'pse', 's.c.', 'knowledgeable', 'cruz', 'habits', 'asarco', 'benefit-seeking', 'chevy', 'hopefully', 'mailing', 'steelworkers', 'specializing', 'walked', 'sight', 'excitement', 'rebuffed', 'reviewed', 'heller', 'shutdown', 'delegate', 'publicized', 'phil', 'camps', 'improves', 'bergsma', 'debris', 'beings', 'palm', 'joint-venture', 'memphis', 'compatible', 'aiming', 'legendary', 'probable', 'photo', 'coats', 'analyze', 'kohl', 'sohmer', 'cans', 'repression', 'govern', 'accelerated', 'vinson', 'sovereignty', 'titled', 'freeways', 'flood', 'provisional', 'executing', 'vague', 'angered', 'prohibit', 'clash', 'overly', 'urges', 'hammond', 'ten', 'patel', 'mile', 'ringing', 'simpson', 'figuring', 'reinforcement', 'nimitz', 'col.', 'honeywell', 'passion', 'stays', 'inspector', 'arbitrator', 'phased', 'burton', 'sweat', 'prelude', 'exit', 'baldwin', 'fluor', 'egon', 'ems', 'tailspin', 'worldwide', 'pawn', 'peoples', 'hyundai', 'spawned', 'backup', 'predictable', 'fletcher', 'cigna', 'kgb', 'ernst', 'counties', 'unesco', 'trailed', 'page-one', 'illustrate', 'plight', 'supposedly', '1\\/2-year', 'hubbard', 'reiterated', 'accords', 'illustrated', 'fighter', 'tactical', 'rudolph', 'b-2', 'prosperity', 'kelly', 'rubin', 'searle', 'glamorous', 'buddy', 'peaceful', 'phrase', 'capitalist', 'acknowledge', 'guards', 'eric', 'guns', 'jazz', 'diplomats', 'vogelstein', 'awaiting', 'liberals', 'facsimile', 'relax', 'fernando', 'mandate', 'hurdles', 'refusing', 'utsumi', 'privacy', 'times-stock', 'ft-se', 'circuits', 'nickel', 'agricole', 'insistence', 'elimination', 'photographic', 'diversifying', 'inherited', 'sorrell', 'remodeling', 'attributes', 'portions', 'mattel', 'shakespeare', 'suez', 'draws', 'layoffs', 'fiber', 'lazard', 'inouye', 'bounce', 'soliciting', 'disagreement', 'teaches', 'oak', 'fazio', 'beverage', 'appealing', 'root', 'hazards', 'dizzying', 'commonly', 'spite', 'corrected', 'unwilling', 'illness', 'unpopular', 'widen', 'psychiatric', 'single-a-1', 'across-the-board', 'contracting', 'rein', 'wilbur', 'conform', 'leftist', 'subscribe', 'catholic', 'nonprofit', 'mint', 'woes', 'wrap', 'emerges', 'notwithstanding', 'chancery', 'bread', 'statutory', 'scripts', 'swift', 'edwin', 'oy', 'drug-related', 'widening', 'stern', 'mercedes', 's.c', 'succession', 'peddling', 'soap', 'mario', "'80s", 'full-time', 'rebuilding', 'prevents', 'budgetary', 'implement', 'presentation', 'debates', 'characterized', 'grades', 'sperry', 'shrink', 'lesko', 'pasadena', 'feeding', 'suitors', 'encountered', 'ghost', 'divestiture', 'demonstrate', 'intensify', 'unprofitable', 'wertheim', 'materialized', 'pizza', 'md', 'guest', 'preamble', 'closes', 'four-day', 'capability', 'tucker', 'nev.', 'companion', 'prizes', 'stereo', 'know-how', 'malignant', 'insure', 'issuer', 'home-equity', 'vested', 'barclays', 'sinking', 'stockbrokers', 'burst', 'tens', 'raiders', 'pork-barrel', 'installation', 'channels', 'takeover-stock', 'wholly', 'aboard', 'monopoly', 'lined', 'mountain-bike', 'deck', 'pros', 'bursts', 'cafeteria', 'vermont-slauson', 'earliest', 'merits', 'sad', 'guerrilla', 'performers', 'underground', 'toxic', 'dollar-denominated', 'ducks', 'ratios', 'freedoms', 'rebel', 'volumes', 'disappear', 'gintel', 'fasb', 'current-carrying', 'cooled', 'trough', 'pinpoint', 'crystal', 'severance', 'large-scale', 'capitalized', 'effectiveness', 'fantasy', 'miami-based', 'employ', 'constituency', 'single-a', 'proposition', 'multinational', 'stadiums', 'analytical', 'ogden', 'presents', 'a.p.', 'overcapacity', 'write-offs', 'exported', 'corresponding', 'disadvantage', 'generic', 'mothers', 'woolworth', 'applying', 'lens', 'picop', 'wis.', 'weil', 'ellis', 'tackle', 'leaped', 'acid', 'inspection', 'nonrecurring', 'rorer', 'diverse', 'monopolies', 's.a', 'cnw', 'wyoming', 'devise', 'expression', 'saul', 'twist', 'dd', 'aeronautics', 'singled', 'feedlots', 'delaying', 'dust', 'third-largest', 'paso', 'repayment', 'cane', 'dominate', 'mafia', 'median', 'themes', 'pigs', 'tharp', 'doldrums', 'daikin', 'importing', 'robin', 'usage', 'landmark', 'clouds', 'importer', 'portraying', 'ferguson', 'financiers', 'ivan', 'backlogs', 'seal', 'zeta', 'roots', 'fixed-price', 'pitney', 'bowes', 'nadeau', 'worsening', 'adrs', 'dairy', 'recreation', 'proliferation', 'disruptions', 'forge', 'casinos', 'acquirer', 'enforcers', 'rage', 'hotel-casino', 'co-chief', 'enjoys', 'spacecraft', 'cornell', 'newest', 'judging', 'shy', 'arrange', 'implicit', 'sticking', 'dedicated', 'subsidize', 'snow', 'girlfriend', 'wears', 'contemplating', 'expenditure', 'donuts', 'bitterly', 'dunkin', 'startling', 'prepaid', '40-year-old', 'norwegian', 'ehrlich', 'deter', 'ranked', 'worsen', 'charts', 'longest', 'lineup', 'ethiopia', 'calif.-based', 'underscored', 'zone', 'shame', 'monte', 'oddly', 'amusing', 'evasion', 'vicious', 'erosion', 'phelps', 'vax', 'oakes', 'venerable', 'corners', 'workstation', 'duff', 'cherry', 'flurry', 'habit', 'kuala', 'lumpur', 'stunning', 'pre-trial', 'balked', 'gradual', 'onerous', 'reconsider', 'utterly', 'proud', 'greene', 'mitterrand', 'oas', 'doctrine', 'identical', 'playwright', 'topiary', 'perjury', 'campus', 'falconbridge', 'sidewalk', 'circulated', 'silent', 'benign', 'resource', 'goodwill', 'porter', 'mead', 'hispanics', 'donoghue', 'participant', 'xtra', 'cease', '1920s', 'financings', 'dive', 'unscrupulous', 'definitively', 'freeport-mcmoran', 'karen', 'courthouse', 'occupied', 'warner-lambert', 'confiscated', 'unpaid', 'unanticipated', 'portugal', 'confused', 'tide', 'thriving', 'hopeful', 'iverson', 'irony', 'bran', 'norwood', 'poorest', 'reception', 'entertaining', 'tanker', 'gun', 'kane', 'cook', 'demonstrates', 'rehabilitation', 'derived', 'nam', 'comair', 'neutrons', 'advertisements', 'bullet', 'tired', 'dover', 'devote', 'ceramic', 'shorter', 'tapped', 'magic', 'horn', 'lasted', 'chile', 'photograph', 'lacking', 'messiah', 'superconductor', 'abuses', 'ekco', 'bargains', 'assassinations', 'photographs', 'fla', 'roadway', 'shattered', 'pumping', 'enthusiastic', 'flowers', 'leventhal', 'curbing', 'briefs', 'peanuts', 'one-half', 'endorsement', 'caffeine-free', 'breath', 'carson', 'espectador', 'tips', 'fever', 'princeton', 'recessions', 'indonesia', 'dominance', 'pipelines', 'stabilized', 'dual', 'sharper', 'surrendered', 'investigator', 'skf', 'lynn', 'statewide', 'mainstay', 'equivalents', 'minn.', 'j.p.', 'cross-border', 'mechanical', 'depletion', 'inhibit', 'drastically', '19th', 'notify', 'banponce', 'hart-scott-rodino', 'shamir', 'pertussis', 'lab', 'scare', 'indexation', 'revision', 'house-passed', 'honest', 'pretoria', 'sabotage', 'dorfman', 'stress-related', 'halls', 'faculty', 'exporting', 'equitec', 'advent', 'sufficiently', 'detailing', 'bruno', 'sacrifice', 'biological', 'alarm', 'flaws', 'fundamentally', 'harmful', 'hacker', 'applause', 'arise', 'freshman', 'widget', 'manic', 'protects', 'lubricants', 'supportive', 'bullion', 'deliveries', 'hk$', 'thick', 'spouses', 'oversee', 'sample', 'offenders', 'printers', 'sequester', 'dislike', 'titanium', 'newcomers', 'baseline', 'wsj', 'virtue', 'collaboration', 'costing', 'scotland', 'damn', 'unsuccessfully', 'touched', 'parental', 'accumulation', 'royalty', 'parallels', 'fortunately', 'eighth', 'maria', 'murdoch', 'eddington', 'facilitate', 'advancers', 'chairmen', 'cat', 'flooding', 'devised', 'entrenched', 'sharing', 'connolly', 'octel', '52-week', 'caterpillar', 'zoete', 'wedd', 'yards', 'prevention', 'practitioners', 'vacated', 'layer', 'innopac', 'anti-abortionists', 'reap', 'belt', 'eagerness', 'transplant', 'crumbling', 'scramble', 'hhs', 'jacobs', 'crusaders', 'distinct', 'recruit', 'attribute', 'goupil', 'postwar', 'conway', 'adams', 'mengistu', 'comex', 'pot', 'mich', 'capitalize', 'bottling', 'summary', 'periodic', 'jobless', 'chooses', 'norway', 'catastrophes', 'journalist', 'somalia', 'meals', 'anticipating', 'uptick', 'redmond', 'direct-mail', 'heavier', 'smokers', 'grid', 'punishable', 'pipes', 'queen', 'bound', 'peasants', 'fertilizer', 'skiing', 'poles', 'wiped', 'joan', 'urgency', 'trudeau', 'bodies', 'noble', 'dealerships', 'commissioned', 'castle', 'brewer', 'shedding', 'ghosts', 'haunts', 'punish', 'ministries', 'crossing', 'wyss', 'dreams', 'clears', 'champagne', 'exhibit', 'schroder', 'unwanted', 'jamie', 'instantly', 'prosecutorial', 'sentencing', 'conspiring', 'livestock', 'kitchen', 'collins', 'restrain', 'violetta', 'festival', 'co-author', 'surpluses', 'manipulate', 'minimize', 'confirms', 'fingers', 'precision', 'plains', 'batch', 'successes', 'sue', 'physicians', 'procurement', 'beretta', 'downside', 'echo', 'incidents', 'harrison', 'mateo', 'waterworks', 'municipalities', 'satisfactory', 'inspectors', 'rocks', 'contacted', 'wonderful', 'uncommon', 'whittington', 'cloud', 'signature', 'youngest', 'applicable', 'locally', 'tim', 'wilfred', 'oldest', 'surgical', 'codes', 'last-minute', 'gloomy', 'knight-ridder', 'imposes', 'granting', 'discovision', 'colgate-palmolive', 'high-end', 'aged', 'jittery', 'flooded', 'technically', 'confederation', 'accountability', 'disrupt', 'jumbo', 'helmut', 'commerciale', 'mass-market', 'theatrical', 'mehl', 'atlanta-based', 'shea', 'gatt', 'topics', 'powerhouse', 'unidentified', 'toilet', 'von', 'hanson', 'naming', 'warburg', 'upheaval', 'duty-free', 'auditors', 'projecting', 'bankrupt', 'statutes', 'payout', 'tribune', 'n.h.', 'tokyo-based', 'ironic', 'hepatitis', 'big-time', 'disagreed', 'ralston', 'arranging', 'encouragement', 'canton', 'ports', 'hanging', 'mired', 'minivans', 'u.s.-soviet', 'narrower', 'keen', 'weighing', 'commute', 'loosen', 'threaten', 'tours', 'annuities', 'attracts', 'approaching', 'invitation', 'propaganda', 'jeep', 'sheer', 'translate', 'censorship', 'scholar', 'defenses', 'tune', 'weighed', 'airplanes', 'tumbling', 'flashy', 'rogers', 'deprived', 'pledge', 'respective', 'werner', 'demler', 'bottles', 'resale', 'barber', 'fiduciary', 'deadlines', 'estimating', 'bothered', 'reitman', 'dismiss', 'gather', 'salon', 'argentina', 'videocassette', 'wishes', 'homer', 'insufficient', 'exhausted', 'amdura', 'victories', 'blueprint', 'quote', 'composed', 'consequence', 'doman', 'recreational', 'yielded', 'elders', 'dramatically', 'inflows', 'junior', 'shelter', 'craft', 'four-game', 'consume', 'sisulu', 'unity', 'free-lance', 'nguyen', 'violent', 'cities\\/abc', 'h.f.', 'mistakenly', 'decreased', 'tilt', 'gestures', 'when-issued', 'exposures', 'approves', 'personal-computer', 'teller', 'ahmanson', 'hub', 'thi', 'apt', 'mcnamee', 'proves', 'plug', 'deficiencies', 'midday', 'mouse', 'workplace', 'chorus', 'divide', 'pose', 'arteries', 'practically', 'overruns', 'crossed', 'inland', 'fm', 'rocky', 'creatures', 'sverdlovsk', 'competes', 'russia', 'richer', 'universe', 'robot', 'enemy', 'hook', 'beam', 'jeopardize', 'timothy', 'repaired', 'enviropact', 'legally', 'ufo', 'acceleration', 'concord', 'anti-drug', 'supplemental', 'dalkon', 'fueling', 'convenient', 'checking', 'jamaica', 'belli', 'curve', 'macdonald', 'weiss', 'nightmare', 'abruptly', 'unused', 'welch', 'casual', 'enact', 'laurence', 'scorpio', 'seniors', 'hearts', 'athletic', 'calgary', 'wachovia', 'high-technology', 'muscle', 'strips', 'tribe', 'luis', 'thrust', 'worrying', 'disappearance', 'investment-banking', 'new-home', 'jacob', 'ben', 'seng', 'spectrum', 'tumultuous', 'romantic', 'cnbc', 'surprises', 'unsolicited', 'fallout', 'dearborn', 'noise', 'warranty', 'flavor', 'leo', 'zenith', 'averaging', 'stimulate', 'leisure', 'kim', 'marxist', 'pat', 'regained', 'personal-injury', 'finger', 'proclaimed', 'specially', 'reopened', 'roles', 'futures-related', 'tightened', 'osaka', 'ancient', 'waxman', 'object', 'enjoying', 'inability', 'differ', 'crest', 'displayed', 'genetically', 'reproductive', 'monsanto', 'unpublished', 'arabs', 'tragedy', 'pulls', 'foes', 'wheels', 'justifies', 'disciplined', 'violates', 'skilled', 'conservation', 'existed', 'mail-order', 'shocks', 'human-rights', 'arbitration', 'tax-loss', 'volunteer', 'attend', 'closings', 'vicar', 'executions', 'refuses', 'wound', 'unwarranted', 'lyondell', 'retinoblastoma', 'delicate', 'contingent', 'balanced', 'discarded', 'undermined', 'omaha', 'royalties', 'vitro', 'midler', 'whiskey', 'seymour', 'labs', 'warn', 'trap', 'accuse', 'crackdown', 'reminded', 'friendship', 'monitors', 'undeveloped', 'widow', 'noranda', 'turbulence', 'invariably', 'sang', 'mosbacher', 'garratt', 'law-enforcement', 'reinforced', 'vigorously', 'hancock', 'newsletters', 'sliding', 'bloody', 'oral', 'troublesome', 'declare', 'kick', 'vancouver', 'commit', 'elegant', 'tricky', 'reich', 'lasts', 'orthodox', 'devoe', 'tesoro', 'deferred', 'underestimated', 'hourly', 'cost-of-living', 'complicate', 'opted', 'nonexecutive', 'outspoken', 'arctic', 'calgary-based', 'cela', 'doug', 'nowhere', 'passes', 'integrate', 'tenneco', 'legent', 'connecting', 'ecological', 'foreseeable', 'conservatorship', 'deferring', 'einhorn', 'best-known', 'remics', 'outfit', 'terminate', 'hint', 'tops', 'omnibus', 'environments', 'unlawful', 'manitoba', 'regrets', 'prototype', 'boesel', 'obliged', 'glossy', 'birthday', 'supplement', 'deteriorated', 'callable', 'borders', 'bancroft', 'payouts', 'strokes', 'wendy', 'shoot', 'invites', 'distinctive', 'searches', 'dressed', 'mack', 'confirming', 'spate', 'presumably', 'hesitate', 'conferences', 'frequency', 'eduard', 'sen', 'seismic', 'analyzing', 'attacking', 'doomed', 'outer', 'tumor-suppressor', 'swell', 'deadly', 'loaded', 'premises', 'tyler', 'graduates', 'splitting', 'instrumentation', 'hard-line', 'excluded', 'transatlantic', 'tpa', 'sideline', 'recipients', 'notorious', 'identifying', 'laundering', 'editorial-page', 'inch', 'traffickers', 'spouse', 'expelled', 'annuity', 'susceptible', 'topple', 'sidhpur', 'escrow', 'disappears', 'inaccurate', 'hatch', 'folk', 'rejecting', 'concentration', 'dangers', 'youngsters', 'erupted', 'ringer', 'glad', 'implication', 'sr.', 'gerard', 'sounded', 'ropes', 'realities', 'negligence', 'mild', 'shots', 'modified', 'chasing', 'embarrassed', 'aligned', 'dependents', 'pierre', 'workings', 'hand-held', 'dip', 'face-to-face', 'tenfold', 'lifting', 'exercises', 'isler', 'arose', 'thailand', 'subscriber', 'donating', 'downey', 'guaranty', 'itel', 'mode', 'physics', 'theatre', 'consumer-products', 'probability', 'brains', 'morale', 'peripheral', 'artificially', 'coordination', 'alvin', 'robots', 'stimulators', 'skiers', 'small-town', 'en', 'rewarding', 'fernandez', 'reins', 'sherman', 'conasupo', 'touchy', 'thief', 'motel', 'seizures', 'slew', 'competent', 'someday', 'provoked', 'confined', 'trademark', 'input', 'shaping', 'break-even', 'ivy', 'year-to-year', 'tennis', 'calm', 'rainbow', 'probing', 'roberti', 'observes', 'paterson', 'post-crash', 'intriguing', 'forming', 'leon', 'extraordinarily', 'hoelzer', 'gatward', 'broadcasters', 'whip', 'connections', 'ncnb', 'basin', 'jolted', 'instructed', 'mineral', 'carry-forward', 'ai', 'avondale', 'architectural', 'fujisawa', 'gang', 'characteristic', 'basir', 'ignorance', 'contraceptive', 'addresses', 'hell', 'destroying', 'potent', 'memorandum', 'morally', 'bumiputra', 'misses', 'bleeding', 'younkers', 'sights', 'bradford', 'andreas', 'specifications', 'resembles', 'trustcorp', 'candela', 'workout', 'prisons', 'subordinates', 'designers', 'pickens', 'boone', 'guardian', 'kobe', 'birds', 'unilab', 'cameras', 'briefing', 'aggregates', 'deployed', 'detrex', 'nervousness', 'surrounded', 'marcus', 'rampant', 'valhi', 'disappeared', 'dies', 'speeding', 'moss', 'musicians', 'efficiently', 'fractionally', 'guideline', 'vista', 'undersecretary', 'bullock', 'finkelstein', 'viability', 'altman', 'concluding', 'rows', 'r', 'posture', 'towel', 'streak', 'prefers', 'implied', 'incur', 'holidays', 'resident', 'examined', 'miners', 'cardiovascular', 'mph', 'dunn', 'con', 'diesel', 'asea', 'boveri', 'westridge', 'marous', 'tightening', 'heir', 'propelled', 'ambrosiano', 'organic', 'joke', 'petrochemicals', 'dragging', 'scored', 'conceptual', 'outlined', 'kirk', 'regular-season', 'robbed', 'resolutions', 'exercising', 'self-employed', 'sleeping', 'suitable', 'namely', 'mentality', 'crusade', 'greed', 'taping', 'motive', 'trusts', 'alleviate', 'catching', 'perpetual', 'fastest', 'jean', 'ark', 'acadia', 'cabernet', 'cocom', 'name-dropping', 'tag', 'rhone-poulenc', 'brown-forman', 'morristown', 'garage', 'privatized', 'ian', 'neat', 'feeds', 'prisoner', 'imo', 'denounced', 'evacuation', 'cable-tv', 'jerome', 'soften', 'broderick', 'walters', 'fatal', 'retreating', 'shifted', 'carpeting', 'criticisms', 'enables', 'rocked', 'kremlin', 'bebear', 'crashes', 'absurd', 'abolish', 'inform', 'chuck', 'rear', 'appearances', 'sri', 'pons', 'mccormick', 'preclude', 'exclusivity', 'mildly', 'kurt', 'conditional', 'selective', 'binge', 'convictions', 'vickers', 'additionally', 'divisive', 'affordable', 'explosive', 'assure', 'communism', 'answered', 'ddb', 'esso', 'portrayed', 'renamed', 'monster', 'foam', 'influences', 'ceo', 'microwave', 'affects', 'attributable', 'dapuzzo', 'standpoint', 'respectable', 'duo', 'voter', 'euphoria', 'gut', 'leaks', 'staging', 'flaw', 'flush', 'culmination', 'combines', 'billed', 'downright', 'syrian', 'pullout', 'championship', 'life-insurance', 'durkin', 'voiced', 'faberge', 'recruited', 'renewal', 'abundant', 'mehta', 'uncomfortable', 'touting', 'r.i.', 'prerogatives', 'lesk', 'placing', 'supermarkets', 'episodes', 'underscore', 'alternatively', 'accumulated', 'infection', 'rider', 'wipe', 'coups', 'parkway', 'enthusiasts', 'resemble', 'sens.', 'taxed', 'cherokee', 'additions', 'wasted', 'friday-the-13th', 'midyear', 'runaway', 'attraction', 'lsi', 'reinforcing', 'subsidizing', 'ages', 'inception', 'traveled', 'dayton', 'chefs', 'custom', 'recognizes', 'honesty', 'cynthia', 'undo', 'steer', 'dodd', 'ratified', 'brink', 'corsica', 'briggs', 'cathcart', 'seldom', 'trespass', 'commanding', 'civic', 'bureaus', 'towers', 'lets', 'pleasure', 'sorry', 'restoring', 'midwestern', 'ken', 'reclaim', 'curtailed', 'listings', 'albany', 'istat', 'narcotics', 'madrid', 'morgenzon', 'pesetas', 'intervened', 'illusion', 'omni', 'neglected', 'investigated', 'pretrial', 'jackets', 'lowe', 'vacuum', 'shifts', 'dominates', 'mink', 'cadillac', 'aliens', 'homosexual', 'remark', 'halloween', 'hyman', 'x', 'quina', 'wilmington', 'productive', 'mega-issues', 'picket', 'rulings', 'toubro', 'oversubscribed', 'limbo', 'torn', 'forum', 'finnair', 'endangered', 'beefeater', 'notable', 'laughing', 'ramirez', 'fanfare', 'dating', 'stops', 'leslie', 'naczelnik', 'walks', 'long-awaited', 'aba', 'l.a.', 'drunk', 'doyle', 'beleaguered', 'broaden', 'dying', 'ferdinand', 'l.p.', 'incomes', 'peasant', 'anthrax', 'hurdle', 'theoretical', 'jets', 'bone', 'openness', 'tighten', 'deficiency', 'detect', 'fronts', 'fraser', 'abrams', 'bread-and-butter', 'surgeon', 'deb', 'adobe', 'liquidate', 'jayark', 'tro', 'bologna', 'rafale', 'pits', 'legislatures', "d'arcy", 'carolinas', 'helm', 'obligated', 'flies', 'ensuring', 'widens', 'narrows', 'unloading', 'dassault', 'heaviest', 'pall', 'minimum-wage', 'gerrymandering', 'broad-based', 'rick', 'kerry', 'matches', 'neuberger', 'logical', 'e', 'revealed', 'examples', 'soda', 'shrank', 'palace', 'measurement', 'metall', 'aga', 'abolished', 'similarity', 'ig', 'buckle', 'atoms', 'khan', 'burning', 'fossil', 'foreign-currency', 'rupert', 'hemorrhaging', 'solving', 'old-fashioned', 'whichever', 'frightened', 'unload', 'ifi', 'schaeffer', 'manufactures', 'compounded', 'lower-than-expected', 'shirts', 'crushed', 'sailing', 'pennies', 'tass', 'worthy', 'planted', 'taiwanese', 'salmonella', 'strengths', 'burke', 'spooked', 'collateralized', 'upgraded', 'clue', 'handicapped', 'eidsmo', 'thoughts', 'aspirations', 'eurodollar', 'envy', 'bomb', 'privileges', 'scaring', 'defaulted', 'legg', 'transformed', 'cycling', 'petco', 'tampa', 'prepayment', 'developing-country', 'jeans', 'protocol', 'distinguished', 'preceding', 'beth', 'daffynition', 'impetus', 'cheapest', 'trafficking', 'fleming', 'flags', 'hypothetical', 'bacterium', 'special-interest', 'watts', 'pile', 'dunes', 'rifenburgh', 'continent', 'modernization', 'wedge', 'cox', 'advertised', 'gallons', 'editions', 'pitched', 'republics', 'atmospheric', 'rig', 'elite', 'bloated', 'teagan', 'gangs', 'pravda', 'speeds', 'siemens', 'vault', 'bookings', 'cater', 'arkla', 'educated', 'stressing', 'controllers', 'zones', 'etc.', 'glazer', 'poughkeepsie', 'loser', 'inviting', 'greeted', 'appropriated', 'terrorist', 'glare', 'uv-b', 'eroding', 'masters', 'erich', 'carpets', 'bay-area', 'defenders', 'breathing', 'salvage', 'surging', 'dialing', 'hunting', 'prosecuted', 'intellectuals', 'thoroughbred', 'respectability', 'windsor', 'ncaa', 'geography', 'confronted', 'high-school', 'mullins', 'bunch', 'mad', 'ferranti', 'ninth', 'fdic', 'refined', 'contentious', 'craze', 'upgrading', 'refineries', 'kuwait', 'money-fund', 'pour', 'merchandising', 'shouting', 'milwaukee', 'reads', 'shere', 'coordinator', 'swelling', 'creeping', 'roh', 'ordinance', 'trimming', 'custody', 'encourages', 'sociologist', 'roadways', 'awareness', 'spurring', 'honduras', 'fasteners', 'schwab', 'gasb', 'fk-506', 'adjuster', 'hasbro', 'cooking', 'revamping', 'strictly', 'hammack', 'yankee', 'fool', 'sagan', 'linear', 'domination', 'washington-based', 'electronically', 'prentice', 'commissioners', 'brouwer', 'leery', 'cry', 'suing', 'deflator', 'nutritional', 'reoffered', 'incumbent', 'thwart', 'contemplated', 'remembered', 'motivated', 'crystals', 'nora', 'patch', 'triggering', 'multimillion-dollar', 'bounced', '190.58-point', 'looms', 'lumber', 'anacomp', 'seizure', 'craven', 'tainted', 'applies', 'gubernatorial', 'quack', 'redemptions', 'diplomat', 'fairfield', 'bullets', 'fabrication', 'painfully', 'distorted', 'firstsouth', 'gutfreund', 'jetliner', 'arrogant', 'fights', 'colonial', 'bureaucrat', 'redevelopment', 'endure', 'eurobonds', 'dissent', 'quickview', 'dai-ichi', 'civilian', 'mid-1990s', 'kangyo', 'mansion', 'oat', 'secretaries', 'endless', 'christies', 'sink', 'condemn', 'digs', 'focuses', 'brilliant', 'money-losing', 'weird', 'beaten', 'backdrop', 'blessing', 'traub', 'management-led', 'abused', 'cilcorp', 'blind', 'egyptian', 'maurice', 'loath', 'mania', 'four-year-old', 'ernest', 'cascade', 'ex-dividend', 'bakker', 'child-care', 'bottled', 'insider-trading', 'lovely', 'grasp', 'marc', 'peripherals', 'company-owned', 'instrumental', 'allowance', 'misconduct', 'compelling', 'shannon', 'clobbered', 'lipton', 'avon', 'tramp', 'lavelle', 'lid', 'fund-raising', 'acquitted', 'assessed', 'prepayments', 'modify', 'multibillion-dollar', 'burmah', 'refiners', 'chair', 'edgar', 'justices', 'ohbayashi', 'faltered', 'enserch', 'posner', 'liberation', 'intervene', 'adversary', 'conception', 'two-tier', 'billion-dollar', 'n.v', 'boyer', 'inserted', 'potato', 'restricts', 'idaho', 'salvador', 'caci', 'uninsured', '13-week', 'deere', 'bare-faced', 'searched', 'wellcome', 'remedy', 'dallas-based', 'footing', 'conspired', 'dishonesty', 'aroused', 'atlas', 'recycling', 'blunt', 'brunt', "o'connell", 'kevin', 'balls', 'airbus', 'skyrocketed', 'outlawed', 'eroded', 'comsat', 'drum', 'harmony', 'hazard', 'matthews', 'trapped', 'relying', 'dogged', 'sporadic', 'natural-gas', 'dialysis', 'coates', 'wanting', 'property\\/casualty', 'michelin', 'cooling', 'abandoning', 'clean-air', 'chestman', 'poorer', 'presumed', 'mit', 'fray', 'centerpiece', 'broadway', 'tremor', 'alongside', 'depress', 'espn', 'recognizing', 'posed', 'reruns', 'bunny', '\\*\\*', 'switches', 'zip', 'viewpoint', 'sheep', 'drawings', 'simultaneous', 'coda', 'rocket', 'incorrect', 'revoke', 'hung', 'dlj', 'bronner', 'chicken', 'provinces', 'medication', 'exceptionally', 'tritium', 'tangible', 'hilton', 'irrelevant', 'mom', 'uncle', 'suites', 'primerica', 'overbuilt', 'foreclosed', 'mouth', 'high-interest', 'armco', 'barron', 'bomber', 'numbered', 'acknowledging', 'prescribed', 'yetnikoff', 'amicable', 'subpoena', 'vendors', 'nye', 'prohibition', 'sagged', 'brewery', 'colors', 'blanket', 'shelves', 'unfilled', 'sworn', 'haskins', 'h.h.', 'stevenson', 'elliott', 'reupke', 'cutler', 'iafp', 'pediatric', 'simpler', 'businessland', 'trecker', 'verge', 'f-14', 'killer', 'slim', 'butcher', 'satisfying', 'battled', 'short-lived', 'reuter', 'bougainville', 'cie.', 'booked', 'egypt', 'undoubtedly', 'reinvest', 'await', 'parsow', 'tightly', 'patience', 'bizarre', 'marched', 'benton', 'rooted', 'constructed', 'alabama', 'extract', 'soul', 'bozell', 'butter', 'alice', 'marble', 'mundane', 'frustrating', 'olympic', 'okla.', 's&ls', 'confessed', 'a.g.', 'classical', 'hangs', 'rep', 'fleets', 'dig', 'giorgio', 'collectors', 'wherever', 'micro', 'accessible', 'clifford', 'intentionally', 'unraveled', 'accustomed', 'rout', 'gently', 'flom', 'fearful', 'turnpike', 'convey', 'libya', 'agip', 'portrait', 'sloppy', 'trendy', 'depended', 'incredible', 'blaming', 'booklets', 'instruction', 'supplying', 'actress', 'liked', 'persian', 'roller', 'roller-coaster', 'diversity', 'recoup', 'stanza', 'enron', 'leaping', 'shanghai', 'first-time', 'adjacent', 'deliberations', 'discouraged', 'plumbing', 'vessel', 'diversion', 'format', '24-hour', 'cftc', 'anti-nuclear', 'lobbied', 'permitting', 'weakest', 'ala.', '45-year-old', 'delegates', 'disclosing', 'feat', 'committing', 'centered', 'havoc', 'grossly', 'pitching', 'wooden', 'conclusions', 'specialize', 'pete', 'racked', 'midmorning', 'cheered', 'educate', 'heroes', 'endanger', 'insight', '14-year-old', 'detergent', 'makeup', 'update', 'resilience', 'competitiveness', 'bail', 'pepsi', 'recycled', 'rode', 'koreans', 'accomplished', 'greens', 'neatly', 'neutral', 'prevailing', 'erased', 'butler', 'worrisome', 'scheduling', 'negotiator', 'rationale', 'twelve', 'parade', 'performer', 'excited', 'concert', 'knock', 'looming', 'excesses', 'lancaster', 'r.h.', 'contested', 'piano', 'retrieve', 'freed', 'reveals', 'clarify', 'shooting', 'blues', 'professors', 'loud', 'barnett', 'coated', 'chunks', 'upbeat', 'revise', 'naked', 'market-share', 'warehouses', 'define', 'tailored', 'dashed', 'reassuring', 'holt', 'grey', 'g.m.b', 'uneasy', 'carla', 'emigration', 'carr', 'ferry', 'refrigerators', 'outsider', 'restructurings', 'namibia', 'centuries', 'novelist', 'outperformed', 'teeth', 'brushed', 'balloting', 'western-style', 'commerzbank', 'bulls', 'tally', 'subdued', 'kan.', 'amortization', 'mighty', 'nonsense', 'gregory', 'incompetent', 'distributing', 'permanently', 'mice', 'prone', 'touted', 'termination', 'tacked', 'leipzig', 'arising', 'cocaine', 'magnified', 'decisive', 'lama', 'orderly', 'reimburse', 'emerson', 'aborted', 'dusty', 'legitimacy', 'peninsula', 'inventor', 'explicit', 'outperform', 'permissible', 'poised', 'restraints', 'microprocessors', 'fleischmann', 'construct', 'emergence', 'translation', 'southmark', 'bankruptcy-court', 'struggles', 'rattled', 'domestically', 'gartner', 'bowed', 'recital', 'telephones', 'yorker', 'hints', 'buffer', 'reinvested', 'byrd', 'rewrite', 'distributions', 'fleeting', 'interrupted', 'dial', 'backgrounds', 'danny', 'smiling', 'receiver', 'occasion', 'buffet', 'celebrating', 'cubans', 'blue-collar', '26-week', 'predictably', 'bets', 'runway', 'revolving', 'peat', 'downgrading', 'kohlberg', 'hastily', 'reeling', 'unstable', 'greedy', 'divergence', 'entrepreneurial', 'jeopardy', 'managua', 'sigh', 'sexual', 'shipment', 'wooing', 'disk-drive', 'russians', 'chlorofluorocarbons', 'doubtful', 'bond-equivalent', 'negligible', 'flamboyant', 'celebrity', 'invests', 'price-earnings', 'caller', 'pasta', 'chaotic', 'prints', 'shv', 'sharpest', 'profitably', 'geared', 'mimic', 'vivid', 'mo.', 'cancellation', 'bat', 'environmentally', 'andy', 'fad', 'whoever', 'cost-sharing', 'restricting', 'aeroflot', 'coping', 'backlash', 'playoffs', 'headaches', 'manpower', 'sits', 'drastic', 'plaintiff', 'steering', 'prediction', 'court-appointed', 'unicorp', 'cara', 'contrasts', 'wichita', 'infringed', 'warehouse', 'bargain-hunting', 'calculate', 'scary', 'till', 'dillon', 'equation', 'advertiser', 'baring', 'crandall', 'halts', 'behaved', 'hectic', 'syndicated', 'afloat', 'intensely', 'barrett', 'irish', 'plummet', 'swung', 'weirton', 'nagging', 'mmi', 'shouted', 'etc', 'inning', 'stir', 'trusted', 'showroom', 'johnston', 'hertz', 'besieged', 'subscription', 'influx', 'dignity', 'sporting', 'propane', 'nervously', 'jan', 'infringement', 'fossett', 'cubs', 'shah', 'black-and-white', 'tunnel', 'certified', 'non-interest', 'outset', 'farrell', 'rebounding', 'subway', 'on-site', 'geographic', 'elephant', 'recorder', 'dictaphone', 'arrow', 'bausch', 'nurses', 'bsn', 'rosenthal', 'lenses', 'callers', 'interactive', 'hut', 'novello', 'minimills', 'massage', 'massages', 'willful', 'ncr', 'justin', 'programmers', 'palmer', 'skipper', 'kia', 'memotec', 'mlx', 'ipo', 'nahb', 'punts', 'hydro-quebec', 'rake', 'guterman', 'gitano', 'regatta', 'fromstein', 'cluett', 'rubens', 'sim', 'centrust', 'biscuits', 'snack-food', 'ssangyong', 'calloway', 'swapo', 'photography', 'berlitz', 'wachter', 'flat-rolled', 'isi', 'daewoo', 'banknote', 'ferc', 'aer'], array([50770, 45020, 42068, ...,     1,     1,     1]))

In [8]:
import torch
import matplotlib.pyplot as plt

all_vals = []
i = 0
for word in ft_model.get_words():
    all_vals.extend(ft_model[word])
    if i > 100:
        break

print(min(all_vals), max(all_vals))

plt.hist(all_vals)
plt.show()


-1.6982269 1.4514699

In [ ]:
embedding = {}
for word_id, word in enumerate(corpus.dictionary.idx2word):
    embedded = ft_model[word]
    embedding[word_id] = torch.tensor(embedded)