In [1]:
import pandas as pd
import numpy as np
import xgboost as xgb
from tqdm import tqdm
from sklearn.svm import SVC
from keras.models import Sequential
from keras.layers.recurrent import LSTM, GRU
from keras.layers.core import Dense, Activation, Dropout
from keras.layers.embeddings import Embedding
from keras.layers.normalization import BatchNormalization
from keras.utils import np_utils
from sklearn import preprocessing, decomposition, model_selection, metrics, pipeline
from sklearn.model_selection import GridSearchCV
from sklearn.feature_extraction.text import TfidfVectorizer, CountVectorizer
from sklearn.decomposition import TruncatedSVD
from sklearn.linear_model import LogisticRegression
from sklearn.model_selection import train_test_split
from sklearn.naive_bayes import MultinomialNB
from keras.layers import GlobalMaxPooling1D, Conv1D, MaxPooling1D, Flatten, Bidirectional, SpatialDropout1D
from keras.preprocessing import sequence, text
from keras.callbacks import EarlyStopping
from nltk import word_tokenize
from nltk.corpus import stopwords
stop_words = stopwords.words('english')


/home/surya/DL/lib/python3.5/site-packages/sklearn/cross_validation.py:41: DeprecationWarning: This module was deprecated in version 0.18 in favor of the model_selection module into which all the refactored classes and functions are moved. Also note that the interface of the new CV iterators are different from that of this module. This module will be removed in 0.20.
  "This module will be removed in 0.20.", DeprecationWarning)
Using Theano backend.
ERROR (theano.gpuarray): pygpu was configured but could not be imported or is too old (version 0.6 or higher required)
NoneType

In [ ]:
from keras.preprocessing.sequence import

In [2]:
train = pd.read_csv('data/train.csv')
test = pd.read_csv('data/test.csv')
sample = pd.read_csv('data/sample_submission.csv')

In [3]:
train.head()


Out[3]:
id text author
0 id26305 This process, however, afforded me no means of... EAP
1 id17569 It never once occurred to me that the fumbling... HPL
2 id11008 In his left hand was a gold snuff box, from wh... EAP
3 id27763 How lovely is spring As we looked from Windsor... MWS
4 id12958 Finding nothing else, not even gold, the Super... HPL

In [4]:
test.head()


Out[4]:
id text
0 id02310 Still, as I urged our leaving Ireland with suc...
1 id24541 If a fire wanted fanning, it could readily be ...
2 id00134 And when they had broken down the frail door t...
3 id27757 While I was thinking how I should possibly man...
4 id04081 I am not sure to what limit his knowledge may ...

In [5]:
sample.head()


Out[5]:
id EAP HPL MWS
0 id02310 0.403494 0.287808 0.308698
1 id24541 0.403494 0.287808 0.308698
2 id00134 0.403494 0.287808 0.308698
3 id27757 0.403494 0.287808 0.308698
4 id04081 0.403494 0.287808 0.308698

In [70]:
max_len = max([len(i.split()) for i in train.text.values])
max_len


Out[70]:
861

In [3]:
def multiclass_logloss(actual, predicted, eps=1e-15):
    """Multi class version of Logarithmic Loss metric.
    :param actual: Array containing the actual target classes
    :param predicted: Matrix with class predictions, one probability per class
    """
    # Convert 'actual' to a binary array if it's not already:
    if len(actual.shape) == 1:
        actual2 = np.zeros((actual.shape[0], predicted.shape[1]))
        for i, val in enumerate(actual):
            actual2[i, val] = 1
        actual = actual2

    clip = np.clip(predicted, eps, 1 - eps)
    rows = actual.shape[0]
    vsota = np.sum(actual * np.log(clip))
    return -1.0 / rows * vsota

In [4]:
lbl_encoder = preprocessing.LabelEncoder()
y = lbl_encoder.fit_transform(train.author.values)

In [5]:
x_train,x_valid,y_train,y_valid = train_test_split(train.text.values,y,
                                                       test_size=0.5,shuffle=True)

In [6]:
x_train.shape,x_valid.shape,y_train.shape,y_valid.shape


Out[6]:
((9789,), (9790,), (9789,), (9790,))

In [11]:
x_train


Out[11]:
array([ 'In the morning, I procured, at the Prefecture, a full report of all the evidence elicited, and, at the various newspaper offices, a copy of every paper in which, from first to last, had been published any decisive information in regard to this sad affair.',
       'And I saw the world battling against blackness; against the waves of destruction from ultimate space; whirling, churning; struggling around the dimming, cooling sun.',
       "Among the other transcendant attributes of Mozart's music, it possesses more than any other that of appearing to come from the heart; you enter into the passions expressed by him, and are transported with grief, joy, anger, or confusion, as he, our soul's master, chooses to inspire.",
       ...,
       'At certain stages of the ritual they did grovelling obeisance, especially when he held above his head that abhorrent Necronomicon he had taken with him; and I shared all the obeisances because I had been summoned to this festival by the writings of my forefathers.',
       'He was a portly, fine looking gentleman of the old school, with a polished manner, and a certain air of gravity, dignity, and authority which was very impressive.',
       "Sawyer, as clumsy as most non users of optical devices are, fumbled a while; but eventually focussed the lenses with Armitage's aid."], dtype=object)

In [ ]:

fitting the data with classical machine learning algorithms


In [12]:
tfv = TfidfVectorizer(analyzer='word',min_df=3,stop_words='english',
                      use_idf=1,sublinear_tf=1,smooth_idf=1)
tfv.fit(list(x_train)+list(x_valid))
x_train_tfv = tfv.transform(x_train)
x_valid_tfv = tfv.transform(x_valid)

In [13]:
clf = LogisticRegression(C=1.0)
clf.fit(x_train_tfv,y_train)
predictions = clf.predict_proba(x_valid_tfv)

print("log loss is: ", multiclass_logloss(y_valid,predictions))


log loss is:  0.701744292595

In [14]:
ctv = CountVectorizer(analyzer='word',token_pattern=r'\w{1,}',ngram_range=(1,3),
                      stop_words='english')
ctv.fit(list(x_train)+list(x_valid))
x_train_ctv = ctv.transform(x_train)
x_valid_ctv = ctv.transform(x_valid)

In [15]:
clf = LogisticRegression(C=1.0)
clf.fit(x_train_ctv,y_train)
predictions = clf.predict_proba(x_valid_ctv)

print("log loss using countVectorizer is: ",multiclass_logloss(y_valid,predictions) )


log loss using countVectorizer is:  0.593498356688

naive bayes


In [16]:
#on TFIDF
nvb = MultinomialNB()
nvb.fit(x_train_tfv,y_train)
predictions = nvb.predict_proba(x_valid_tfv)

print("log loss using naive bayes for TFIDF: ",multiclass_logloss(y_valid,predictions))


log loss using naive bayes for TFIDF:  0.654915406219

In [17]:
#on CountVectors
nvb = MultinomialNB()
nvb.fit(x_train_ctv,y_train)
predictions = nvb.predict_proba(x_valid_ctv)

print("log loss using naive bayes for countvectors: ",multiclass_logloss(y_valid,predictions))


log loss using naive bayes for countvectors:  0.496418738124

it seems naive bayes with count vectors performed great.

SVM


In [18]:
svd = decomposition.TruncatedSVD(n_components=120)
svd.fit(x_train_tfv)
x_train_tfv_svd = svd.transform(x_train_tfv)
x_valid_tfv_svd = svd.transform(x_valid_tfv)

In [19]:
scaler = preprocessing.StandardScaler()
scaler.fit(x_train_tfv_svd)
x_train_svd = scaler.transform(x_train_tfv_svd)
x_valid_svd = scaler.transform(x_valid_tfv_svd)

In [31]:
clf = SVC(C=1.0,probability=True)
clf.fit(x_train_svd,y_train)
preds = clf.predict_proba(x_valid_svd)

print("log loss of the SVM is: ",multiclass_logloss(y_valid,preds))


log loss of the SVM is:  0.7555068647

word vectors using spacy


In [39]:
from spacy.vectors import Vectors
import spacy

nlp =  spacy.load('en')
#nlp.vocab.vectors.from_glove('data/glove.840B.300d.txt')

In [42]:
xtrain_token=[]
for i in x_train:
    doc = nlp(i)
    xtrain_token.append([token.text for token in doc ])

In [44]:
xvalid_token=[]
for i in x_valid:
    doc = nlp(i)
    xvalid_token.append([token.text for token in doc ])

In [45]:
xtrain_token
xvalid_token


Out[45]:
[['It',
  'is',
  'true',
  ',',
  'the',
  'populace',
  'retained',
  'themselves',
  ';',
  'but',
  'there',
  'arose',
  'a',
  'perpetual',
  'hum',
  'and',
  'bustle',
  'from',
  'the',
  'throng',
  'round',
  'the',
  'palace',
  ',',
  'which',
  'added',
  'to',
  'the',
  'noise',
  'of',
  'fireworks',
  ',',
  'the',
  'frequent',
  'explosion',
  'of',
  'arms',
  ',',
  'the',
  'tramp',
  'to',
  'and',
  'fro',
  'of',
  'horsemen',
  'and',
  'carriages',
  ',',
  'to',
  'which',
  'effervescence',
  'he',
  'was',
  'the',
  'focus',
  ',',
  'retarded',
  'his',
  'recovery',
  '.'],
 ['In',
  'the',
  'meantime',
  ',',
  'however',
  ',',
  'I',
  'had',
  'no',
  'notion',
  'of',
  'being',
  'thwarted',
  'touching',
  'the',
  'information',
  'I',
  'desired',
  '.'],
 ['Not',
  'for',
  'a',
  'moment',
  'did',
  'I',
  'believe',
  'that',
  'the',
  'tale',
  'had',
  'any',
  'really',
  'substantial',
  'foundation',
  ';',
  'but',
  'none',
  'the',
  'less',
  'the',
  'account',
  'held',
  'a',
  'hint',
  'of',
  'genuine',
  'terror',
  ',',
  'if',
  'only',
  'because',
  'it',
  'brought',
  'in',
  'references',
  'to',
  'strange',
  'jewels',
  'clearly',
  'akin',
  'to',
  'the',
  'malign',
  'tiara',
  'I',
  'had',
  'seen',
  'at',
  'Newburyport',
  '.'],
 ['And',
  'in',
  'a',
  'few',
  'years',
  'more',
  ',',
  'men',
  'built',
  'cabins',
  'on',
  'the',
  'south',
  'side',
  'of',
  'The',
  'Street',
  '.'],
 ['Raymond',
  'had',
  'evidently',
  'vacillated',
  'during',
  'his',
  'journey',
  ',',
  'and',
  'irresolution',
  'was',
  'marked',
  'in',
  'every',
  'gesture',
  'as',
  'we',
  'entered',
  'Perdita',
  "'s",
  'cottage',
  '.'],
 ['They',
  'said',
  'it',
  'had',
  'been',
  'there',
  'before',
  "D'Iberville",
  ',',
  'before',
  'La',
  'Salle',
  ',',
  'before',
  'the',
  'Indians',
  ',',
  'and',
  'before',
  'even',
  'the',
  'wholesome',
  'beasts',
  'and',
  'birds',
  'of',
  'the',
  'woods',
  '.'],
 ['I', 'felt', 'that', 'I', 'lay', 'upon', 'my', 'back', ',', 'unbound', '.'],
 ['I',
  'record',
  'no',
  'crimes',
  ';',
  'my',
  'faults',
  'may',
  'easily',
  'be',
  'pardoned',
  ';',
  'for',
  'they',
  'proceeded',
  'not',
  'from',
  'evil',
  'motive',
  'but',
  'from',
  'want',
  'of',
  'judgement',
  ';',
  'and',
  'I',
  'believe',
  'few',
  'would',
  'say',
  'that',
  'they',
  'could',
  ',',
  'by',
  'a',
  'different',
  'conduct',
  'and',
  'superior',
  'wisdom',
  ',',
  'have',
  'avoided',
  'the',
  'misfortunes',
  'to',
  'which',
  'I',
  'am',
  'the',
  'victim',
  '.'],
 ['The',
  'accelerated',
  'rate',
  'of',
  'ascent',
  'thus',
  'obtained',
  ',',
  'carried',
  'me',
  'too',
  'rapidly',
  ',',
  'and',
  'without',
  'sufficient',
  'gradation',
  ',',
  'into',
  'a',
  'highly',
  'rarefied',
  'stratum',
  'of',
  'the',
  'atmosphere',
  ',',
  'and',
  'the',
  'result',
  'had',
  'nearly',
  'proved',
  'fatal',
  'to',
  'my',
  'expedition',
  'and',
  'to',
  'myself',
  '.'],
 ['For',
  'the',
  'court',
  ',',
  'guiding',
  'itself',
  'by',
  'the',
  'general',
  'principles',
  'of',
  'evidence',
  'the',
  'recognized',
  'and',
  'booked',
  'principles',
  'is',
  'averse',
  'from',
  'swerving',
  'at',
  'particular',
  'instances',
  '.'],
 ['The',
  'merit',
  'suggested',
  'is',
  ',',
  'at',
  'best',
  ',',
  'negative',
  ',',
  'and',
  'appertains',
  'to',
  'that',
  'hobbling',
  'criticism',
  'which',
  ',',
  'in',
  'letters',
  ',',
  'would',
  'elevate',
  'Addison',
  'into',
  'apotheosis',
  '.'],
 ['"',
  'He',
  'is',
  'your',
  'own',
  'property',
  ',',
  'sire',
  ',',
  '"',
  'replied',
  'one',
  'of',
  'the',
  'equerries',
  ',',
  '"',
  'at',
  'least',
  'he',
  'is',
  'claimed',
  'by',
  'no',
  'other',
  'owner',
  '.'],
 ['His',
  'voice',
  ',',
  'usually',
  'gentle',
  ',',
  'often',
  'startled',
  'you',
  'by',
  'a',
  'sharp',
  'discordant',
  'note',
  ',',
  'which',
  'shewed',
  'that',
  'his',
  'usual',
  'low',
  'tone',
  'was',
  'rather',
  'the',
  'work',
  'of',
  'study',
  'than',
  'nature',
  '.'],
 ['Accordingly',
  'I',
  'hid',
  'myself',
  'in',
  'some',
  'thick',
  'underwood',
  ',',
  'determining',
  'to',
  'devote',
  'the',
  'ensuing',
  'hours',
  'to',
  'reflection',
  'on',
  'my',
  'situation',
  '.'],
 ['You', 'know', 'not', 'what', 'you', 'mean', '.'],
 ['Assuming',
  'this',
  'hypothesis',
  ',',
  'it',
  'would',
  'be',
  'grossly',
  'absurd',
  'to',
  'compare',
  'with',
  'the',
  'Chess',
  'Player',
  ',',
  'any',
  'similar',
  'thing',
  'of',
  'either',
  'modern',
  'or',
  'ancient',
  'days',
  '.'],
 ['The',
  'winter',
  'has',
  'been',
  'dreadfully',
  'severe',
  ',',
  'but',
  'the',
  'spring',
  'promises',
  'well',
  ',',
  'and',
  'it',
  'is',
  'considered',
  'as',
  'a',
  'remarkably',
  'early',
  'season',
  ',',
  'so',
  'that',
  'perhaps',
  'I',
  'may',
  'sail',
  'sooner',
  'than',
  'I',
  'expected',
  '.'],
 ['The',
  'placing',
  'my',
  'name',
  'that',
  'is',
  'to',
  'say',
  ',',
  'my',
  'nom',
  'de',
  'guerre',
  'in',
  'priority',
  'of',
  'station',
  'to',
  'that',
  'of',
  'the',
  'great',
  'Slyass',
  ',',
  'was',
  'a',
  'compliment',
  'as',
  'happy',
  'as',
  'I',
  'felt',
  'it',
  'to',
  'be',
  'deserved',
  '.'],
 ['When',
  'this',
  'occurs',
  ',',
  'no',
  'second',
  'effort',
  'is',
  'made',
  ',',
  'but',
  'the',
  'arm',
  'continues',
  'its',
  'movement',
  'in',
  'the',
  'direction',
  'originally',
  'intended',
  ',',
  'precisely',
  'as',
  'if',
  'the',
  'piece',
  'were',
  'in',
  'the',
  'fingers',
  '.'],
 ['It',
  "'s",
  'my',
  'business',
  'to',
  'catch',
  'the',
  'overtones',
  'of',
  'the',
  'soul',
  ',',
  'and',
  'you',
  'wo',
  "n't",
  'find',
  'those',
  'in',
  'a',
  'parvenu',
  'set',
  'of',
  'artificial',
  'streets',
  'on',
  'made',
  'land',
  '.'],
 ['He',
  'looks',
  'upon',
  'study',
  'as',
  'an',
  'odious',
  'fetter',
  ';',
  'his',
  'time',
  'is',
  'spent',
  'in',
  'the',
  'open',
  'air',
  ',',
  'climbing',
  'the',
  'hills',
  'or',
  'rowing',
  'on',
  'the',
  'lake',
  '.'],
 ['Wilhelm',
  ',',
  'Count',
  'Berlifitzing',
  ',',
  'although',
  'loftily',
  'descended',
  ',',
  'was',
  ',',
  'at',
  'the',
  'epoch',
  'of',
  'this',
  'narrative',
  ',',
  'an',
  'infirm',
  'and',
  'doting',
  'old',
  'man',
  ',',
  'remarkable',
  'for',
  'nothing',
  'but',
  'an',
  'inordinate',
  'and',
  'inveterate',
  'personal',
  'antipathy',
  'to',
  'the',
  'family',
  'of',
  'his',
  'rival',
  ',',
  'and',
  'so',
  'passionate',
  'a',
  'love',
  'of',
  'horses',
  ',',
  'and',
  'of',
  'hunting',
  ',',
  'that',
  'neither',
  'bodily',
  'infirmity',
  ',',
  'great',
  'age',
  ',',
  'nor',
  'mental',
  'incapacity',
  ',',
  'prevented',
  'his',
  'daily',
  'participation',
  'in',
  'the',
  'dangers',
  'of',
  'the',
  'chase',
  '.'],
 ['As',
  'he',
  'walked',
  'toward',
  'the',
  'bus',
  'I',
  'observed',
  'his',
  'peculiarly',
  'shambling',
  'gait',
  'and',
  'saw',
  'that',
  'his',
  'feet',
  'were',
  'inordinately',
  'immense',
  '.'],
 ['We',
  'will',
  'set',
  'up',
  'a',
  'candidate',
  ',',
  'and',
  'ensure',
  'his',
  'success',
  '.'],
 ['There',
  'is',
  'no',
  'passion',
  'in',
  'nature',
  'so',
  'demoniacally',
  'impatient',
  ',',
  'as',
  'that',
  'of',
  'him',
  'who',
  ',',
  'shuddering',
  'upon',
  'the',
  'edge',
  'of',
  'a',
  'precipice',
  ',',
  'thus',
  'meditates',
  'a',
  'Plunge',
  '.'],
 ["Ol'",
  "Cap'n",
  'Obed',
  'done',
  'it',
  'him',
  'that',
  'faound',
  'aout',
  "more'n",
  'was',
  'good',
  'fer',
  'him',
  'in',
  'the',
  'Saouth',
  'Sea',
  'islands',
  '.'],
 ['Her',
  'passions',
  'had',
  'subdued',
  'her',
  'appetites',
  ',',
  'even',
  'her',
  'natural',
  'wants',
  ';',
  'she',
  'slept',
  'little',
  ',',
  'and',
  'hardly',
  'ate',
  'at',
  'all',
  ';',
  'her',
  'body',
  'was',
  'evidently',
  'considered',
  'by',
  'her',
  'as',
  'a',
  'mere',
  'machine',
  ',',
  'whose',
  'health',
  'was',
  'necessary',
  'for',
  'the',
  'accomplishment',
  'of',
  'her',
  'schemes',
  ',',
  'but',
  'whose',
  'senses',
  'formed',
  'no',
  'part',
  'of',
  'her',
  'enjoyment',
  '.'],
 ['The',
  'wind',
  'arose',
  ';',
  'the',
  'sea',
  'roared',
  ';',
  'and',
  ',',
  'as',
  'with',
  'the',
  'mighty',
  'shock',
  'of',
  'an',
  'earthquake',
  ',',
  'it',
  'split',
  'and',
  'cracked',
  'with',
  'a',
  'tremendous',
  'and',
  'overwhelming',
  'sound',
  '.'],
 ['They',
  'fled',
  'they',
  'knew',
  'not',
  'whither',
  ';',
  'and',
  'the',
  'citizens',
  'were',
  'filled',
  'with',
  'greater',
  'dread',
  ',',
  'at',
  'the',
  'convulsion',
  'which',
  '"',
  'shook',
  'lions',
  'into',
  'civil',
  'streets',
  ';',
  '"',
  'birds',
  ',',
  'strong',
  'winged',
  'eagles',
  ',',
  'suddenly',
  'blinded',
  ',',
  'fell',
  'in',
  'the',
  'market',
  'places',
  ',',
  'while',
  'owls',
  'and',
  'bats',
  'shewed',
  'themselves',
  'welcoming',
  'the',
  'early',
  'night',
  '.'],
 ['A',
  'mutiny',
  'has',
  'been',
  'the',
  'result',
  ';',
  'and',
  ',',
  'as',
  'is',
  'usual',
  'upon',
  'such',
  'occasions',
  ',',
  'all',
  'human',
  'efforts',
  'will',
  'be',
  'of',
  'no',
  'avail',
  'in',
  'quelling',
  'the',
  'mob',
  '.'],
 ['A',
  'very',
  'large',
  'mastiff',
  'seemed',
  'to',
  'be',
  'in',
  'vigilant',
  'attendance',
  'upon',
  'these',
  'animals',
  ',',
  'each',
  'and',
  'all',
  '.'],
 ['Neither',
  'he',
  'nor',
  'his',
  'son',
  'Archer',
  'knew',
  'of',
  'the',
  'shunned',
  'house',
  'as',
  'other',
  'than',
  'a',
  'nuisance',
  'almost',
  'impossible',
  'to',
  'rent',
  'perhaps',
  'on',
  'account',
  'of',
  'the',
  'mustiness',
  'and',
  'sickly',
  'odour',
  'of',
  'unkempt',
  'old',
  'age',
  '.'],
 ['I',
  'must',
  'do',
  'justice',
  'to',
  'my',
  'sweet',
  'sister',
  ':',
  'it',
  'was',
  'not',
  'for',
  'herself',
  'that',
  'she',
  'was',
  'thus',
  'agonized',
  '.'],
 ['He',
  'drew',
  'a',
  'revolver',
  'and',
  'motioned',
  'me',
  'to',
  'silence',
  ',',
  'then',
  'stepped',
  'out',
  'into',
  'the',
  'main',
  'cellar',
  'and',
  'closed',
  'the',
  'door',
  'behind',
  'him',
  '.'],
 ['"',
  'The',
  'waters',
  'of',
  'the',
  'river',
  'have',
  'a',
  'saffron',
  'and',
  'sickly',
  'hue',
  ';',
  'and',
  'they',
  'flow',
  'not',
  'onwards',
  'to',
  'the',
  'sea',
  ',',
  'but',
  'palpitate',
  'forever',
  'and',
  'forever',
  'beneath',
  'the',
  'red',
  'eye',
  'of',
  'the',
  'sun',
  'with',
  'a',
  'tumultuous',
  'and',
  'convulsive',
  'motion',
  '.'],
 ['Arose',
  'in',
  'good',
  'health',
  'and',
  'spirits',
  ',',
  'and',
  'was',
  'astonished',
  'at',
  'the',
  'singular',
  'change',
  'which',
  'had',
  'taken',
  'place',
  'in',
  'the',
  'appearance',
  'of',
  'the',
  'sea',
  '.'],
 ['I',
  'would',
  'not',
  'marry',
  'a',
  'reigning',
  'sovereign',
  ',',
  'were',
  'I',
  'not',
  'sure',
  'that',
  'her',
  'heart',
  'was',
  'free',
  '.'],
 ['Unable',
  'to',
  'support',
  'the',
  'slow',
  'withering',
  'of',
  'her',
  'hopes',
  ',',
  'she',
  'suddenly',
  'formed',
  'a',
  'plan',
  ',',
  'resolving',
  'to',
  'terminate',
  'at',
  'once',
  'the',
  'period',
  'of',
  'misery',
  ',',
  'and',
  'to',
  'bring',
  'to',
  'an',
  'happy',
  'conclusion',
  'the',
  'late',
  'disastrous',
  'events',
  '.'],
 ['The',
  'individual',
  'calamity',
  'was',
  'as',
  'you',
  'say',
  'entirely',
  'unanticipated',
  ';',
  'but',
  'analogous',
  'misfortunes',
  'had',
  'been',
  'long',
  'a',
  'subject',
  'of',
  'discussion',
  'with',
  'astronomers',
  '.'],
 ['I',
  'did',
  'not',
  'accuse',
  'Evadne',
  'of',
  'hypocrisy',
  'or',
  'a',
  'wish',
  'to',
  'deceive',
  'her',
  'lover',
  ';',
  'but',
  'the',
  'first',
  'letter',
  'that',
  'I',
  'saw',
  'of',
  'hers',
  'convinced',
  'me',
  'that',
  'she',
  'did',
  'not',
  'love',
  'him',
  ';',
  'it',
  'was',
  'written',
  'with',
  'elegance',
  ',',
  'and',
  ',',
  'foreigner',
  'as',
  'she',
  'was',
  ',',
  'with',
  'great',
  'command',
  'of',
  'language',
  '.'],
 ['It',
  'was',
  'not',
  'that',
  'the',
  'sounds',
  'were',
  'hideous',
  ',',
  'for',
  'they',
  'were',
  'not',
  ';',
  'but',
  'that',
  'they',
  'held',
  'vibrations',
  'suggesting',
  'nothing',
  'on',
  'this',
  'globe',
  'of',
  'earth',
  ',',
  'and',
  'that',
  'at',
  'certain',
  'intervals',
  'they',
  'assumed',
  'a',
  'symphonic',
  'quality',
  'which',
  'I',
  'could',
  'hardly',
  'conceive',
  'as',
  'produced',
  'by',
  'one',
  'player',
  '.'],
 ['The',
  'answer',
  'now',
  'was',
  'immediate',
  ',',
  'but',
  'even',
  'less',
  'audible',
  'than',
  'before',
  ':',
  '"',
  'No',
  'pain',
  'I',
  'am',
  'dying',
  '.',
  '"'],
 ['But',
  'West',
  "'s",
  'gentle',
  'enemies',
  'were',
  'no',
  'less',
  'harassed',
  'with',
  'prostrating',
  'duties',
  '.'],
 ['Completely',
  'unnerved',
  ',',
  'I',
  'leaped',
  'to',
  'my',
  'feet',
  ';',
  'but',
  'the',
  'measured',
  'rocking',
  'movement',
  'of',
  'Usher',
  'was',
  'undisturbed',
  '.'],
 ['Sally',
  'she',
  'yelled',
  'aout',
  ',',
  "'",
  'O',
  'help',
  ',',
  'the',
  'haouse',
  'is',
  'a',
  'cavin',
  "'",
  'in',
  "'",
  '.',
  '.',
  '.'],
 ['I',
  'say',
  "'",
  'his',
  'wishes',
  ',',
  "'",
  'for',
  'that',
  'he',
  'meant',
  'to',
  'include',
  'this',
  'note',
  'book',
  'among',
  'the',
  'miscellaneous',
  'papers',
  'directed',
  "'",
  'to',
  'be',
  'burnt',
  ',',
  "'",
  'I',
  'think',
  'there',
  'can',
  'be',
  'no',
  'manner',
  'of',
  'doubt',
  '.'],
 ['Then', 'we', 'have', 'accurate', 'rules', '.'],
 ['"',
  'Fear',
  'not',
  'that',
  'I',
  'shall',
  'be',
  'the',
  'instrument',
  'of',
  'future',
  'mischief',
  '.'],
 ['When',
  'we',
  'arrived',
  'at',
  'Kishan',
  ',',
  'we',
  'learnt',
  ',',
  'that',
  'on',
  'hearing',
  'of',
  'the',
  'advance',
  'of',
  'Lord',
  'Raymond',
  'and',
  'his',
  'detachment',
  ',',
  'the',
  'Turkish',
  'army',
  'had',
  'retreated',
  'from',
  'Rodosto',
  ';',
  'but',
  'meeting',
  'with',
  'a',
  'reinforcement',
  ',',
  'they',
  'had',
  're',
  'trod',
  'their',
  'steps',
  '.'],
 ['I',
  'felt',
  'I',
  'had',
  'known',
  'it',
  'before',
  ',',
  'in',
  'a',
  'past',
  'remote',
  'beyond',
  'all',
  'recollection',
  ';',
  'beyond',
  'even',
  'my',
  'tenancy',
  'of',
  'the',
  'body',
  'I',
  'now',
  'possess',
  '.'],
 ['Having',
  'at',
  'length',
  'put',
  'my',
  'affairs',
  'in',
  'order',
  ',',
  'I',
  'took',
  'my',
  'seat',
  'very',
  'early',
  'one',
  'morning',
  'in',
  'the',
  'mail',
  'stage',
  'for',
  ',',
  'giving',
  'it',
  'to',
  'be',
  'understood',
  ',',
  'among',
  'my',
  'acquaintances',
  ',',
  'that',
  'business',
  'of',
  'the',
  'last',
  'importance',
  'required',
  'my',
  'immediate',
  'personal',
  'attendance',
  'in',
  'that',
  'city',
  '.'],
 ['I',
  'began',
  'to',
  'realise',
  'how',
  'some',
  'of',
  'poor',
  'Klenze',
  "'s",
  'moods',
  'had',
  'arisen',
  ',',
  'for',
  'as',
  'the',
  'temple',
  'drew',
  'me',
  'more',
  'and',
  'more',
  ',',
  'I',
  'feared',
  'its',
  'aqueous',
  'abysses',
  'with',
  'a',
  'blind',
  'and',
  'mounting',
  'terror',
  '.'],
 ['For',
  'the',
  'cat',
  'is',
  'cryptic',
  ',',
  'and',
  'close',
  'to',
  'strange',
  'things',
  'which',
  'men',
  'can',
  'not',
  'see',
  '.'],
 ['But',
  ',',
  'for',
  'myself',
  ',',
  'the',
  'Earth',
  "'s",
  'records',
  'had',
  'taught',
  'me',
  'to',
  'look',
  'for',
  'widest',
  'ruin',
  'as',
  'the',
  'price',
  'of',
  'highest',
  'civilization',
  '.'],
 ['I',
  'had',
  'indulged',
  'more',
  'freely',
  'than',
  'usual',
  'in',
  'the',
  'excesses',
  'of',
  'the',
  'wine',
  'table',
  ';',
  'and',
  'now',
  'the',
  'suffocating',
  'atmosphere',
  'of',
  'the',
  'crowded',
  'rooms',
  'irritated',
  'me',
  'beyond',
  'endurance',
  '.'],
 ['And',
  'if',
  'added',
  'to',
  'this',
  'there',
  'be',
  'a',
  'repellent',
  'unkemptness',
  ';',
  'a',
  'wild',
  'disorder',
  'of',
  'dress',
  ',',
  'a',
  'bushiness',
  'of',
  'dark',
  'hair',
  'white',
  'at',
  'the',
  'roots',
  ',',
  'and',
  'an',
  'unchecked',
  'growth',
  'of',
  'pure',
  'white',
  'beard',
  'on',
  'a',
  'face',
  'once',
  'clean',
  'shaven',
  ',',
  'the',
  'cumulative',
  'effect',
  'is',
  'quite',
  'shocking',
  '.'],
 ['With',
  'the',
  'best',
  'intentions',
  'in',
  'the',
  'world',
  ',',
  'I',
  'never',
  'knew',
  'any',
  'thing',
  'that',
  'made',
  'as',
  'many',
  'singular',
  'mistakes',
  'as',
  'the',
  '"',
  'Goosetherumfoodle',
  '.',
  '"'],
 ['I',
  'shiver',
  'as',
  'I',
  'speak',
  'of',
  'them',
  ',',
  'and',
  'dare',
  'not',
  'be',
  'explicit',
  ';',
  'though',
  'I',
  'will',
  'say',
  'that',
  'my',
  'friend',
  'once',
  'wrote',
  'on',
  'paper',
  'a',
  'wish',
  'which',
  'he',
  'dared',
  'not',
  'utter',
  'with',
  'his',
  'tongue',
  ',',
  'and',
  'which',
  'made',
  'me',
  'burn',
  'the',
  'paper',
  'and',
  'look',
  'affrightedly',
  'out',
  'of',
  'the',
  'window',
  'at',
  'the',
  'spangled',
  'night',
  'sky',
  '.'],
 ['I',
  'seemed',
  'to',
  'know',
  'what',
  'to',
  'do',
  'with',
  'it',
  ',',
  'for',
  'I',
  'drew',
  'a',
  'pocket',
  'electric',
  'light',
  'or',
  'what',
  'looked',
  'like',
  'one',
  'out',
  'of',
  'my',
  'pocket',
  'and',
  'nervously',
  'tested',
  'its',
  'flashes',
  '.'],
 ['On',
  'its',
  'ermined',
  'floor',
  'reposes',
  'a',
  'single',
  'feathery',
  'paddle',
  'of',
  'satin',
  'wood',
  ';',
  'but',
  'no',
  'oarsmen',
  'or',
  'attendant',
  'is',
  'to',
  'be',
  'seen',
  '.'],
 ['This',
  'spirit',
  'of',
  'perverseness',
  ',',
  'I',
  'say',
  ',',
  'came',
  'to',
  'my',
  'final',
  'overthrow',
  '.'],
 ['Disliking',
  'the',
  'sight',
  ',',
  'I',
  'turned',
  'away',
  'and',
  'entered',
  'the',
  'chamber',
  'beyond',
  'the',
  'Gothic',
  'door',
  '.'],
 ['"',
  'Exactly',
  'so',
  ',',
  '"',
  'replied',
  'Raymond',
  ',',
  '"',
  'another',
  'link',
  'of',
  'the',
  'breakless',
  'chain',
  '.'],
 ['It',
  'was',
  'he',
  'who',
  'had',
  'given',
  'me',
  'all',
  'the',
  'information',
  'I',
  'had',
  'of',
  'Tillinghast',
  'after',
  'I',
  'was',
  'repulsed',
  'in',
  'rage',
  '.'],
 ['Several',
  'new',
  'kinds',
  'of',
  'plants',
  'sprang',
  'up',
  'in',
  'the',
  'garden',
  ',',
  'which',
  'they',
  'dressed',
  ';',
  'and',
  'these',
  'signs',
  'of',
  'comfort',
  'increased',
  'daily',
  'as',
  'the',
  'season',
  'advanced',
  '.'],
 ['And',
  'although',
  'I',
  'could',
  'not',
  'consent',
  'to',
  'go',
  'and',
  'hear',
  'that',
  'little',
  'conceited',
  'fellow',
  'deliver',
  'sentences',
  'out',
  'of',
  'a',
  'pulpit',
  ',',
  'I',
  'recollected',
  'what',
  'he',
  'had',
  'said',
  'of',
  'M.',
  'Waldman',
  ',',
  'whom',
  'I',
  'had',
  'never',
  'seen',
  ',',
  'as',
  'he',
  'had',
  'hitherto',
  'been',
  'out',
  'of',
  'town',
  '.'],
 ['About',
  'midway',
  'in',
  'the',
  'short',
  'vista',
  'which',
  'my',
  'dreamy',
  'vision',
  'took',
  'in',
  ',',
  'one',
  'small',
  'circular',
  'island',
  ',',
  'profusely',
  'verdured',
  ',',
  'reposed',
  'upon',
  'the',
  'bosom',
  'of',
  'the',
  'stream',
  '.'],
 ['Could',
  'it',
  'be',
  'that',
  'the',
  'dream',
  'soul',
  'inhabiting',
  'this',
  'inferior',
  'body',
  'was',
  'desperately',
  'struggling',
  'to',
  'speak',
  'things',
  'which',
  'the',
  'simple',
  'and',
  'halting',
  'tongue',
  'of',
  'dulness',
  'could',
  'not',
  'utter',
  '?'],
 ['The',
  'student',
  'left',
  'his',
  'books',
  ',',
  'the',
  'artist',
  'his',
  'study',
  ':',
  'the',
  'occupations',
  'of',
  'life',
  'were',
  'gone',
  ',',
  'but',
  'the',
  'amusements',
  'remained',
  ';',
  'enjoyment',
  'might',
  'be',
  'protracted',
  'to',
  'the',
  'verge',
  'of',
  'the',
  'grave',
  '.'],
 ['Time',
  'had',
  'altered',
  'her',
  'since',
  'I',
  'last',
  'beheld',
  'her',
  ';',
  'it',
  'had',
  'endowed',
  'her',
  'with',
  'loveliness',
  'surpassing',
  'the',
  'beauty',
  'of',
  'her',
  'childish',
  'years',
  '.'],
 ['There',
  'were',
  'buffoons',
  ',',
  'there',
  'were',
  'improvisatori',
  ',',
  'there',
  'were',
  'ballet',
  'dancers',
  ',',
  'there',
  'were',
  'musicians',
  ',',
  'there',
  'was',
  'Beauty',
  ',',
  'there',
  'was',
  'wine',
  '.'],
 ['Over',
  'the',
  'countryside',
  'and',
  'amidst',
  'the',
  'splendour',
  'of',
  'cities',
  'rove',
  'at',
  'will',
  'the',
  'happy',
  'folk',
  ',',
  'of',
  'whom',
  'all',
  'are',
  'gifted',
  'with',
  'unmarred',
  'grace',
  'and',
  'unalloyed',
  'happiness',
  '.'],
 ['The',
  'hidden',
  'cults',
  'to',
  'which',
  'these',
  'witches',
  'belonged',
  'often',
  'guarded',
  'and',
  'handed',
  'down',
  'surprising',
  'secrets',
  'from',
  'elder',
  ',',
  'forgotten',
  'aeons',
  ';',
  'and',
  'it',
  'was',
  'by',
  'no',
  'means',
  'impossible',
  'that',
  'Keziah',
  'had',
  'actually',
  'mastered',
  'the',
  'art',
  'of',
  'passing',
  'through',
  'dimensional',
  'gates',
  '.'],
 ['Am', 'I', 'not', 'shunned', 'and', 'hated', 'by', 'all', 'mankind', '?'],
 ['At',
  'the',
  'start',
  ',',
  'the',
  'western',
  'wall',
  'had',
  'lain',
  'some',
  'twenty',
  'feet',
  'up',
  'a',
  'precipitous',
  'lawn',
  'from',
  'the',
  'roadway',
  ';',
  'but',
  'a',
  'widening',
  'of',
  'the',
  'street',
  'at',
  'about',
  'the',
  'time',
  'of',
  'the',
  'Revolution',
  'sheared',
  'off',
  'most',
  'of',
  'the',
  'intervening',
  'space',
  ',',
  'exposing',
  'the',
  'foundations',
  'so',
  'that',
  'a',
  'brick',
  'basement',
  'wall',
  'had',
  'to',
  'be',
  'made',
  ',',
  'giving',
  'the',
  'deep',
  'cellar',
  'a',
  'street',
  'frontage',
  'with',
  'door',
  'and',
  'two',
  'windows',
  'above',
  'ground',
  ',',
  'close',
  'to',
  'the',
  'new',
  'line',
  'of',
  'public',
  'travel',
  '.'],
 ['The',
  'end',
  'of',
  'Herbert',
  'West',
  'began',
  'one',
  'evening',
  'in',
  'our',
  'joint',
  'study',
  'when',
  'he',
  'was',
  'dividing',
  'his',
  'curious',
  'glance',
  'between',
  'the',
  'newspaper',
  'and',
  'me',
  '.'],
 ['They',
  'were',
  'the',
  'blasphemous',
  'fish',
  'frogs',
  'of',
  'the',
  'nameless',
  'design',
  'living',
  'and',
  'horrible',
  'and',
  'as',
  'I',
  'saw',
  'them',
  'I',
  'knew',
  'also',
  'of',
  'what',
  'that',
  'humped',
  ',',
  'tiaraed',
  'priest',
  'in',
  'the',
  'black',
  'church',
  'basement',
  'had',
  'so',
  'fearsomely',
  'reminded',
  'me',
  '.'],
 ['I',
  'found',
  'myself',
  'similar',
  'yet',
  'at',
  'the',
  'same',
  'time',
  'strangely',
  'unlike',
  'to',
  'the',
  'beings',
  'concerning',
  'whom',
  'I',
  'read',
  'and',
  'to',
  'whose',
  'conversation',
  'I',
  'was',
  'a',
  'listener',
  '.'],
 ['My',
  'story',
  'requires',
  'that',
  'I',
  'should',
  'be',
  'somewhat',
  'minute',
  '.'],
 ['He',
  'said',
  ',',
  'I',
  "push'd",
  'every',
  'Aspirant',
  'off',
  'the',
  'Slopes',
  'of',
  'Parnassus',
  '.'],
 ['Last',
  'night',
  'had',
  'a',
  'fine',
  'view',
  'of',
  'Alpha',
  'Lyrae',
  ',',
  'whose',
  'disk',
  ',',
  'through',
  'our',
  'captain',
  "'s",
  'spy',
  'glass',
  ',',
  'subtends',
  'an',
  'angle',
  'of',
  'half',
  'a',
  'degree',
  ',',
  'looking',
  'very',
  'much',
  'as',
  'our',
  'sun',
  'does',
  'to',
  'the',
  'naked',
  'eye',
  'on',
  'a',
  'misty',
  'day',
  '.'],
 ['And',
  'the',
  'cities',
  'of',
  'Cathuria',
  'are',
  'cinctured',
  'with',
  'golden',
  'walls',
  ',',
  'and',
  'their',
  'pavements',
  'also',
  'are',
  'of',
  'gold',
  '.'],
 ['That',
  'evening',
  'I',
  'regretted',
  'that',
  'I',
  'had',
  'not',
  'taken',
  'the',
  'ivory',
  'image',
  'surreptitiously',
  'from',
  'poor',
  'Klenze',
  "'s",
  'pocket',
  'as',
  'he',
  'left',
  ',',
  'for',
  'the',
  'memory',
  'of',
  'it',
  'fascinated',
  'me',
  '.'],
 ['Their',
  'melancholy',
  'is',
  'soothing',
  ',',
  'and',
  'their',
  'joy',
  'elevating',
  ',',
  'to',
  'a',
  'degree',
  'I',
  'never',
  'experienced',
  'in',
  'studying',
  'the',
  'authors',
  'of',
  'any',
  'other',
  'country',
  '.'],
 ['But',
  'I',
  'enjoyed',
  'friends',
  ',',
  'dear',
  'not',
  'only',
  'through',
  'habit',
  'and',
  'association',
  ',',
  'but',
  'from',
  'their',
  'own',
  'merits',
  ';',
  'and',
  'wherever',
  'I',
  'am',
  ',',
  'the',
  'soothing',
  'voice',
  'of',
  'my',
  'Elizabeth',
  'and',
  'the',
  'conversation',
  'of',
  'Clerval',
  'will',
  'be',
  'ever',
  'whispered',
  'in',
  'my',
  'ear',
  '.'],
 ['A',
  'quick',
  'step',
  'was',
  'now',
  'heard',
  'upon',
  'the',
  'staircase',
  ',',
  'and',
  'a',
  'loud',
  'knock',
  'at',
  'the',
  'door',
  'rapidly',
  'succeeded',
  '.'],
 ["'",
  'The',
  'things',
  'had',
  'all',
  'evidently',
  'been',
  'there',
  ',',
  "'",
  'he',
  'says',
  ',',
  "'",
  'at',
  'least',
  ',',
  'three',
  'or',
  'four',
  'weeks',
  ',',
  'and',
  'there',
  'can',
  'be',
  'no',
  'doubt',
  'that',
  'the',
  'spot',
  'of',
  'this',
  'appalling',
  'outrage',
  'has',
  'been',
  'discovered',
  '.',
  "'"],
 ['He',
  'said',
  'little',
  ',',
  'and',
  'that',
  'moodily',
  ',',
  'and',
  'with',
  'evident',
  'effort',
  '.'],
 ['That',
  'bearded',
  'host',
  'seemed',
  'young',
  ',',
  'yet',
  'looked',
  'out',
  'of',
  'eyes',
  'steeped',
  'in',
  'the',
  'elder',
  'mysteries',
  ';',
  'and',
  'from',
  'the',
  'tales',
  'of',
  'marvellous',
  'ancient',
  'things',
  'he',
  'related',
  ',',
  'it',
  'must',
  'be',
  'guessed',
  'that',
  'the',
  'village',
  'folk',
  'were',
  'right',
  'in',
  'saying',
  'he',
  'had',
  'communed',
  'with',
  'the',
  'mists',
  'of',
  'the',
  'sea',
  'and',
  'the',
  'clouds',
  'of',
  'the',
  'sky',
  'ever',
  'since',
  'there',
  'was',
  'any',
  'village',
  'to',
  'watch',
  'his',
  'taciturn',
  'dwelling',
  'from',
  'the',
  'plain',
  'below',
  '.'],
 ['There',
  'had',
  'seemed',
  'to',
  'be',
  'no',
  'one',
  'in',
  'the',
  'courtyard',
  'below',
  ',',
  'and',
  'I',
  'hoped',
  'there',
  'would',
  'be',
  'a',
  'chance',
  'to',
  'get',
  'away',
  'before',
  'the',
  'spreading',
  'of',
  'a',
  'general',
  'alarm',
  '.'],
 ['They',
  'have',
  'made',
  'a',
  'Latin',
  'hymn',
  'upon',
  'the',
  'valor',
  'of',
  'the',
  'king',
  ',',
  'and',
  'are',
  'singing',
  'it',
  'as',
  'they',
  'go',
  ':',
  'Mille',
  ',',
  'mille',
  ',',
  'mille',
  ',',
  'Mille',
  ',',
  'mille',
  ',',
  'mille',
  ',',
  'Decollavimus',
  ',',
  'unus',
  'homo',
  'Mille',
  ',',
  'mille',
  ',',
  'mille',
  ',',
  'mille',
  ',',
  'decollavimus',
  'Mille',
  ',',
  'mille',
  ',',
  'mille',
  ',',
  'Vivat',
  'qui',
  'mille',
  'mille',
  'occidit',
  'Tantum',
  'vini',
  'habet',
  'nemo',
  'Quantum',
  'sanguinis',
  'effudit',
  'Which',
  'may',
  'be',
  'thus',
  'paraphrased',
  ':',
  'A',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'A',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'We',
  ',',
  'with',
  'one',
  'warrior',
  ',',
  'have',
  'slain',
  'A',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'a',
  'thousand',
  ',',
  'a',
  'thousand',
  '.'],
 ['Here',
  'the',
  'case',
  'was',
  'very',
  'different',
  ';',
  'as',
  'might',
  'have',
  'been',
  'expected',
  'from',
  'the',
  'duke',
  "'s",
  'love',
  'of',
  'the',
  'bizarre',
  '.'],
 ['You',
  'will',
  'here',
  'bear',
  'in',
  'mind',
  'that',
  'the',
  'arguments',
  'urged',
  'against',
  'the',
  'thicket',
  'as',
  'the',
  'scene',
  ',',
  'are',
  'applicable',
  'in',
  'chief',
  'part',
  ',',
  'only',
  'against',
  'it',
  'as',
  'the',
  'scene',
  'of',
  'an',
  'outrage',
  'committed',
  'by',
  'more',
  'than',
  'a',
  'single',
  'individual',
  '.'],
 ['I',
  'believe',
  'that',
  'without',
  'the',
  'slightest',
  'tinge',
  'of',
  'a',
  'bad',
  'heart',
  'she',
  'had',
  'the',
  'coldest',
  'that',
  'ever',
  'filled',
  'a',
  'human',
  'breast',
  ':',
  'it',
  'was',
  'totally',
  'incapable',
  'of',
  'any',
  'affection',
  '.'],
 ['The', 'day', 'of', 'my', 'departure', 'at', 'length', 'arrived', '.'],
 ['But', ',', 'Heaven', 'bless', 'me', 'what', 'is', 'the', 'matter', '?'],
 ['I',
  'thought',
  'as',
  'I',
  'lay',
  'there',
  'of',
  'Denys',
  'Barry',
  ',',
  'and',
  'of',
  'what',
  'would',
  'befall',
  'that',
  'bog',
  'when',
  'the',
  'day',
  'came',
  ',',
  'and',
  'found',
  'myself',
  'almost',
  'frantic',
  'with',
  'an',
  'impulse',
  'to',
  'rush',
  'out',
  'into',
  'the',
  'night',
  ',',
  'take',
  'Barry',
  "'s",
  'car',
  ',',
  'and',
  'drive',
  'madly',
  'to',
  'Ballylough',
  'out',
  'of',
  'the',
  'menaced',
  'lands',
  '.'],
 ['From',
  'somewhere',
  'within',
  'the',
  'works',
  'a',
  'dog',
  'barked',
  'in',
  'answer',
  ';',
  'either',
  'to',
  'the',
  'coyote',
  'or',
  'to',
  'something',
  'else',
  '.'],
 ['He',
  'beholds',
  'in',
  'me',
  'one',
  'whom',
  'he',
  'has',
  'injured',
  'even',
  'unto',
  'death',
  ';',
  'and',
  'I',
  'derive',
  'no',
  'hope',
  'from',
  'his',
  'kindness',
  ';',
  'no',
  'change',
  'can',
  'possibly',
  'be',
  'brought',
  'about',
  'even',
  'by',
  'his',
  'best',
  'intentions',
  '.'],
 ['These',
  'disasters',
  'came',
  'home',
  'to',
  'so',
  'many',
  'bosoms',
  ',',
  'and',
  ',',
  'through',
  'the',
  'various',
  'channels',
  'of',
  'commerce',
  ',',
  'were',
  'carried',
  'so',
  'entirely',
  'into',
  'every',
  'class',
  'and',
  'division',
  'of',
  'the',
  'community',
  ',',
  'that',
  'of',
  'necessity',
  'they',
  'became',
  'the',
  'first',
  'question',
  'in',
  'the',
  'state',
  ',',
  'the',
  'chief',
  'subjects',
  'to',
  'which',
  'we',
  'must',
  'turn',
  'our',
  'attention',
  '.'],
 ['There',
  'was',
  'some',
  'talk',
  'of',
  'searching',
  'the',
  'woods',
  ',',
  'but',
  'most',
  'of',
  'the',
  'family',
  "'s",
  'friends',
  'were',
  'busy',
  'with',
  'the',
  'dead',
  'woman',
  'and',
  'the',
  'screaming',
  'man',
  '.'],
 ['On',
  'being',
  'charged',
  'with',
  'the',
  'fact',
  ',',
  'the',
  'poor',
  'girl',
  'confirmed',
  'the',
  'suspicion',
  'in',
  'a',
  'great',
  'measure',
  'by',
  'her',
  'extreme',
  'confusion',
  'of',
  'manner',
  '.'],
 ['"', 'Treason', '"', 'growled', 'he', 'of', 'the', 'coffin', '.'],
 ['When',
  'his',
  'gambols',
  'were',
  'over',
  ',',
  'I',
  'looked',
  'at',
  'the',
  'paper',
  ',',
  'and',
  ',',
  'to',
  'speak',
  'the',
  'truth',
  ',',
  'found',
  'myself',
  'not',
  'a',
  'little',
  'puzzled',
  'at',
  'what',
  'my',
  'friend',
  'had',
  'depicted',
  '.'],
 ['He',
  'soon',
  'took',
  'great',
  'interest',
  'in',
  'me',
  ',',
  'and',
  'sometimes',
  'forgot',
  'his',
  'own',
  'grief',
  'to',
  'sit',
  'beside',
  'me',
  'and',
  'endeavour',
  'to',
  'cheer',
  'me',
  '.'],
 ['From',
  'behind',
  'the',
  'huge',
  'bulk',
  'of',
  'one',
  'of',
  'those',
  'sharply',
  'defined',
  'masses',
  'of',
  'cloud',
  'already',
  'mentioned',
  ',',
  'was',
  'seen',
  'slowly',
  'to',
  'emerge',
  'into',
  'an',
  'open',
  'area',
  'of',
  'blue',
  'space',
  ',',
  'a',
  'queer',
  ',',
  'heterogeneous',
  ',',
  'but',
  'apparently',
  'solid',
  'substance',
  ',',
  'so',
  'oddly',
  'shaped',
  ',',
  'so',
  'whimsically',
  'put',
  'together',
  ',',
  'as',
  'not',
  'to',
  'be',
  'in',
  'any',
  'manner',
  'comprehended',
  ',',
  'and',
  'never',
  'to',
  'be',
  'sufficiently',
  'admired',
  ',',
  'by',
  'the',
  'host',
  'of',
  'sturdy',
  'burghers',
  'who',
  'stood',
  'open',
  'mouthed',
  'below',
  '.'],
 ['Her',
  'subsequent',
  'conduct',
  'did',
  'not',
  'diminish',
  'this',
  'interest',
  '.'],
 ['There',
  'was',
  'the',
  'immemorial',
  'figure',
  'of',
  'the',
  'deputy',
  'or',
  'messenger',
  'of',
  'hidden',
  'and',
  'terrible',
  'powers',
  'the',
  '"',
  'Black',
  'Man',
  '"',
  'of',
  'the',
  'witch',
  'cult',
  ',',
  'and',
  'the',
  '"',
  'Nyarlathotep',
  '"',
  'of',
  'the',
  'Necronomicon',
  '.'],
 ['How',
  'had',
  'I',
  'deserved',
  'to',
  'be',
  'so',
  'blessed',
  'by',
  'such',
  'confessions',
  '?'],
 ['In',
  'the',
  'meantime',
  'I',
  'will',
  'make',
  'a',
  'man',
  'of',
  'you',
  'I',
  'will',
  'provided',
  'always',
  'that',
  'you',
  'follow',
  'my',
  'counsel',
  '.'],
 ['The',
  'only',
  'question',
  'then',
  'is',
  'of',
  'the',
  'manner',
  'in',
  'which',
  'human',
  'agency',
  'is',
  'brought',
  'to',
  'bear',
  '.'],
 ['I', 'am', 'almost', 'devoured', 'by', 'ennui', '.'],
 ['With',
  'a',
  'more',
  'than',
  'human',
  'resolution',
  'I',
  'lay',
  'still',
  '.'],
 ['But',
  'I',
  'disliked',
  'it',
  'when',
  'I',
  'fancied',
  'I',
  'heard',
  'the',
  'closing',
  'of',
  'one',
  'of',
  'the',
  'windows',
  'that',
  'the',
  'settle',
  'faced',
  ',',
  'as',
  'if',
  'it',
  'had',
  'been',
  'stealthily',
  'opened',
  '.'],
 ['"',
  'It',
  'took',
  'Obed',
  'to',
  'git',
  'the',
  'truth',
  'aout',
  'o',
  "'",
  'them',
  'heathen',
  '.'],
 ['They',
  'they',
  'alone',
  'were',
  'present',
  'to',
  'the',
  'mental',
  'eye',
  ',',
  'and',
  'they',
  ',',
  'in',
  'their',
  'sole',
  'individuality',
  ',',
  'became',
  'the',
  'essence',
  'of',
  'my',
  'mental',
  'life',
  '.'],
 ['Rome',
  ',',
  'and',
  'Florence',
  ',',
  'and',
  'Pisa',
  'were',
  'overflowed',
  ',',
  'and',
  'their',
  'marble',
  'palaces',
  ',',
  'late',
  'mirrored',
  'in',
  'tranquil',
  'streams',
  ',',
  'had',
  'their',
  'foundations',
  'shaken',
  'by',
  'their',
  'winter',
  'gifted',
  'power',
  '.'],
 ['The', 'ultimate', 'life', 'is', 'the', 'full', 'design', '.'],
 ['The',
  'children',
  'were',
  'easily',
  'distracted',
  ',',
  'and',
  'again',
  'returned',
  'to',
  'their',
  'prospect',
  'of',
  'future',
  'amusement',
  '.'],
 ['It',
  'is',
  'Mr.',
  'Thingum',
  'Bob',
  'said',
  'so',
  ',',
  'and',
  'Mr.',
  'Thingum',
  'Bob',
  'wrote',
  'this',
  ',',
  'and',
  'Mr.',
  'Thingum',
  'Bob',
  'did',
  'that',
  '.'],
 ['The',
  'sea',
  'was',
  'gently',
  'agitated',
  ',',
  'now',
  'shewing',
  'a',
  'white',
  'crest',
  ',',
  'and',
  'now',
  'resuming',
  'an',
  'uniform',
  'hue',
  ';',
  'the',
  'clouds',
  'had',
  'disappeared',
  ';',
  'and',
  'dark',
  'ether',
  'clipt',
  'the',
  'broad',
  'ocean',
  ',',
  'in',
  'which',
  'the',
  'constellations',
  'vainly',
  'sought',
  'their',
  'accustomed',
  'mirror',
  '.'],
 ['Everyone',
  'seemed',
  'to',
  'feel',
  'himself',
  'in',
  'close',
  'proximity',
  'to',
  'phases',
  'of',
  'Nature',
  'and',
  'of',
  'being',
  'utterly',
  'forbidden',
  ',',
  'and',
  'wholly',
  'outside',
  'the',
  'sane',
  'experience',
  'of',
  'mankind',
  '.'],
 ['They',
  'found',
  'me',
  'Curius',
  'like',
  ',',
  'feasting',
  'on',
  'sorry',
  'fruits',
  'for',
  'supper',
  ';',
  'but',
  'they',
  'brought',
  'gifts',
  'richer',
  'than',
  'the',
  'golden',
  'bribes',
  'of',
  'the',
  'Sabines',
  ',',
  'nor',
  'could',
  'I',
  'refuse',
  'the',
  'invaluable',
  'store',
  'of',
  'friendship',
  'and',
  'delight',
  'which',
  'they',
  'bestowed',
  '.'],
 ['The',
  'physician',
  'declared',
  'that',
  'he',
  'died',
  'of',
  'the',
  'plague',
  '.'],
 ['He',
  'bears',
  'it',
  'to',
  'the',
  'river',
  ',',
  'but',
  'leaves',
  'behind',
  'him',
  'the',
  'other',
  'evidences',
  'of',
  'guilt',
  ';',
  'for',
  'it',
  'is',
  'difficult',
  ',',
  'if',
  'not',
  'impossible',
  'to',
  'carry',
  'all',
  'the',
  'burthen',
  'at',
  'once',
  ',',
  'and',
  'it',
  'will',
  'be',
  'easy',
  'to',
  'return',
  'for',
  'what',
  'is',
  'left',
  '.'],
 ['They',
  'shall',
  'go',
  'down',
  'together',
  'to',
  'the',
  'bars',
  'of',
  'the',
  'pit',
  ',',
  'when',
  'our',
  'rest',
  'together',
  'is',
  'in',
  'the',
  'dust',
  'Yes',
  'my',
  'hope',
  'was',
  'corruption',
  'and',
  'dust',
  'and',
  'all',
  'to',
  'which',
  'death',
  'brings',
  'us',
  '.'],
 ['Would',
  'I',
  'not',
  'like',
  'the',
  'guidance',
  'of',
  'one',
  'long',
  'practiced',
  'in',
  'these',
  'explorations',
  ',',
  'and',
  'possessed',
  'of',
  'local',
  'information',
  'profoundly',
  'deeper',
  'than',
  'any',
  'which',
  'an',
  'obvious',
  'newcomer',
  'could',
  'possibly',
  'have',
  'gained',
  '?'],
 ['Now',
  ',',
  'of',
  'all',
  'words',
  'in',
  'the',
  'language',
  ',',
  "'",
  'the',
  "'",
  'is',
  'most',
  'usual',
  ';',
  'let',
  'us',
  'see',
  ',',
  'therefore',
  ',',
  'whether',
  'there',
  'are',
  'not',
  'repetitions',
  'of',
  'any',
  'three',
  'characters',
  ',',
  'in',
  'the',
  'same',
  'order',
  'of',
  'collocation',
  ',',
  'the',
  'last',
  'of',
  'them',
  'being',
  '.'],
 ['Suddenly', 'the', 'system', 'of', 'warfare', 'was', 'changed', '.'],
 ['The',
  'throat',
  'of',
  'the',
  'old',
  'lady',
  'was',
  'not',
  'merely',
  'cut',
  ',',
  'but',
  'the',
  'head',
  'absolutely',
  'severed',
  'from',
  'the',
  'body',
  ':',
  'the',
  'instrument',
  'was',
  'a',
  'mere',
  'razor',
  '.'],
 ['From',
  'me',
  ',',
  'in',
  'an',
  'instant',
  ',',
  'all',
  'virtue',
  'dropped',
  'bodily',
  'as',
  'a',
  'mantle',
  '.'],
 ['Dark', 'draperies', 'hung', 'upon', 'the', 'walls', '.'],
 ['"',
  'And',
  'then',
  ',',
  '"',
  'said',
  'somebody',
  'else',
  ',',
  '"',
  'then',
  'there',
  'was',
  'Petit',
  'Gaillard',
  ',',
  'who',
  'thought',
  'himself',
  'a',
  'pinch',
  'of',
  'snuff',
  ',',
  'and',
  'was',
  'truly',
  'distressed',
  'because',
  'he',
  'could',
  'not',
  'take',
  'himself',
  'between',
  'his',
  'own',
  'finger',
  'and',
  'thumb',
  '.',
  '"'],
 ['I',
  'knew',
  'that',
  'I',
  'must',
  'travel',
  'in',
  'a',
  'southwesterly',
  'direction',
  'to',
  'reach',
  'my',
  'destination',
  ',',
  'but',
  'the',
  'sun',
  'was',
  'my',
  'only',
  'guide',
  '.'],
 ['As',
  'I',
  'stood',
  'pondering',
  'with',
  'my',
  'hand',
  'on',
  'the',
  'now',
  'useless',
  'switch',
  'I',
  'heard',
  'a',
  'muffled',
  'creaking',
  'on',
  'the',
  'floor',
  'below',
  ',',
  'and',
  'thought',
  'I',
  'could',
  'barely',
  'distinguish',
  'voices',
  'in',
  'conversation',
  '.'],
 ['As',
  'the',
  'ages',
  'passed',
  ',',
  'first',
  'one',
  ',',
  'then',
  'another',
  'of',
  'the',
  'four',
  'great',
  'turrets',
  'were',
  'left',
  'to',
  'ruin',
  ',',
  'until',
  'at',
  'last',
  'but',
  'a',
  'single',
  'tower',
  'housed',
  'the',
  'sadly',
  'reduced',
  'descendants',
  'of',
  'the',
  'once',
  'mighty',
  'lords',
  'of',
  'the',
  'estate',
  '.'],
 ['On',
  'a',
  'verdant',
  'slope',
  'of',
  'Mount',
  'Maenalus',
  ',',
  'in',
  'Arcadia',
  ',',
  'there',
  'stands',
  'an',
  'olive',
  'grove',
  'about',
  'the',
  'ruins',
  'of',
  'a',
  'villa',
  '.'],
 ['However',
  ',',
  'my',
  'rapping',
  'evoked',
  'no',
  'response',
  ',',
  'so',
  'after',
  'repeating',
  'the',
  'summons',
  'I',
  'tried',
  'the',
  'rusty',
  'latch',
  'and',
  'found',
  'the',
  'door',
  'unfastened',
  '.'],
 ['In',
  'the',
  'small',
  'hours',
  'of',
  'the',
  'morning',
  'a',
  'body',
  'of',
  'silent',
  'men',
  'had',
  'entered',
  'the',
  'grounds',
  'and',
  'their',
  'leader',
  'had',
  'aroused',
  'the',
  'attendants',
  '.'],
 ['I',
  'could',
  'not',
  'however',
  'at',
  'that',
  'time',
  'feel',
  'remorse',
  ',',
  'for',
  'methought',
  'I',
  'was',
  'born',
  'anew',
  ';',
  'my',
  'soul',
  'threw',
  'off',
  'the',
  'burthen',
  'of',
  'past',
  'sin',
  ',',
  'to',
  'commence',
  'a',
  'new',
  'career',
  'in',
  'innocence',
  'and',
  'love',
  '.'],
 ['On',
  'the',
  'morning',
  'of',
  'the',
  'fourteenth',
  'of',
  'June',
  'the',
  'day',
  'in',
  'which',
  'I',
  'first',
  'visited',
  'the',
  'ship',
  ',',
  'the',
  'lady',
  'suddenly',
  'sickened',
  'and',
  'died',
  '.'],
 ['I',
  'am',
  'glad',
  'Woodville',
  'is',
  'not',
  'with',
  'me',
  'for',
  'perhaps',
  'he',
  'would',
  'grieve',
  ',',
  'and',
  'I',
  'desire',
  'to',
  'see',
  'smiles',
  'alone',
  'during',
  'the',
  'last',
  'scene',
  'of',
  'my',
  'life',
  ';',
  'when',
  'I',
  'last',
  'wrote',
  'to',
  'him',
  'I',
  'told',
  'him',
  'of',
  'my',
  'ill',
  'health',
  'but',
  'not',
  'of',
  'its',
  'mortal',
  'tendency',
  ',',
  'lest',
  'he',
  'should',
  'conceive',
  'it',
  'to',
  'be',
  'his',
  'duty',
  'to',
  'come',
  'to',
  'me',
  'for',
  'I',
  'fear',
  'lest',
  'the',
  'tears',
  'of',
  'friendship',
  'should',
  'destroy',
  'the',
  'blessed',
  'calm',
  'of',
  'my',
  'mind',
  '.'],
 ['And',
  'of',
  'those',
  'who',
  'seemed',
  'tranquilly',
  'to',
  'repose',
  ',',
  'I',
  'saw',
  'that',
  'a',
  'vast',
  'number',
  'had',
  'changed',
  ',',
  'in',
  'a',
  'greater',
  'or',
  'less',
  'degree',
  ',',
  'the',
  'rigid',
  'and',
  'uneasy',
  'position',
  'in',
  'which',
  'they',
  'had',
  'originally',
  'been',
  'entombed',
  '.'],
 ['I',
  'remembered',
  'also',
  'the',
  'necessity',
  'imposed',
  'upon',
  'me',
  'of',
  'either',
  'journeying',
  'to',
  'England',
  'or',
  'entering',
  'into',
  'a',
  'long',
  'correspondence',
  'with',
  'those',
  'philosophers',
  'of',
  'that',
  'country',
  'whose',
  'knowledge',
  'and',
  'discoveries',
  'were',
  'of',
  'indispensable',
  'use',
  'to',
  'me',
  'in',
  'my',
  'present',
  'undertaking',
  '.'],
 ['And',
  'now',
  'for',
  'the',
  'first',
  'time',
  'my',
  'memory',
  'records',
  'verbal',
  'discourse',
  ',',
  'Warren',
  'addressing',
  'me',
  'at',
  'length',
  'in',
  'his',
  'mellow',
  'tenor',
  'voice',
  ';',
  'a',
  'voice',
  'singularly',
  'unperturbed',
  'by',
  'our',
  'awesome',
  'surroundings',
  '.'],
 ['In',
  'a',
  'book',
  'was',
  'published',
  'at',
  'Dresden',
  'by',
  'M.',
  'I.',
  'F.',
  'Freyhere',
  'in',
  'which',
  'another',
  'endeavor',
  'was',
  'made',
  'to',
  'unravel',
  'the',
  'mystery',
  '.'],
 ['"',
  'I',
  'arose',
  ',',
  '"',
  'continued',
  'Bedloe',
  ',',
  'regarding',
  'the',
  'Doctor',
  'with',
  'an',
  'air',
  'of',
  'profound',
  'astonishment',
  '"',
  'I',
  'arose',
  ',',
  'as',
  'you',
  'say',
  ',',
  'and',
  'descended',
  'into',
  'the',
  'city',
  '.'],
 ['Manton', 'was', 'reflecting', 'again', '.'],
 ['I',
  'had',
  'now',
  'neglected',
  'my',
  'promise',
  'for',
  'some',
  'time',
  ',',
  'and',
  'I',
  'feared',
  'the',
  'effects',
  'of',
  'the',
  'daemon',
  "'s",
  'disappointment',
  '.'],
 ['They',
  'were',
  ',',
  'he',
  'said',
  ',',
  'of',
  'very',
  'grotesque',
  'and',
  'almost',
  'repulsive',
  'design',
  ',',
  'and',
  'had',
  'never',
  'to',
  'his',
  'knowledge',
  'been',
  'publicly',
  'worn',
  ';',
  'though',
  'my',
  'grandmother',
  'used',
  'to',
  'enjoy',
  'looking',
  'at',
  'them',
  '.'],
 ['I',
  'saw',
  'clearly',
  'the',
  'doom',
  'which',
  'had',
  'been',
  'prepared',
  'for',
  'me',
  ',',
  'and',
  'congratulated',
  'myself',
  'upon',
  'the',
  'timely',
  'accident',
  'by',
  'which',
  'I',
  'had',
  'escaped',
  '.'],
 ['He',
  'was',
  'looking',
  ',',
  'he',
  'had',
  'to',
  'admit',
  ',',
  'for',
  'a',
  'kind',
  'of',
  'formula',
  'or',
  'incantation',
  'containing',
  'the',
  'frightful',
  'name',
  'Yog',
  'Sothoth',
  ',',
  'and',
  'it',
  'puzzled',
  'him',
  'to',
  'find',
  'discrepancies',
  ',',
  'duplications',
  ',',
  'and',
  'ambiguities',
  'which',
  'made',
  'the',
  'matter',
  'of',
  'determination',
  'far',
  'from',
  'easy',
  '.'],
 ['Dupin',
  'scrutinized',
  'every',
  'thing',
  'not',
  'excepting',
  'the',
  'bodies',
  'of',
  'the',
  'victims',
  '.'],
 ['The',
  'path',
  'to',
  'it',
  'had',
  'been',
  'enlarged',
  ',',
  'and',
  'steps',
  'hewn',
  'in',
  'the',
  'rock',
  'led',
  'us',
  'less',
  'circuitously',
  'than',
  'before',
  ',',
  'to',
  'the',
  'spot',
  'itself',
  ';',
  'the',
  'platform',
  'on',
  'which',
  'the',
  'pyramid',
  'stood',
  'was',
  'enlarged',
  ',',
  'and',
  'looking',
  'towards',
  'the',
  'south',
  ',',
  'in',
  'a',
  'recess',
  'overshadowed',
  'by',
  'the',
  'straggling',
  'branches',
  'of',
  'a',
  'wild',
  'fig',
  'tree',
  ',',
  'I',
  'saw',
  'foundations',
  'dug',
  ',',
  'and',
  'props',
  'and',
  'rafters',
  'fixed',
  ',',
  'evidently',
  'the',
  'commencement',
  'of',
  'a',
  'cottage',
  ';',
  'standing',
  'on',
  'its',
  'unfinished',
  'threshold',
  ',',
  'the',
  'tomb',
  'was',
  'at',
  'our',
  'right',
  'hand',
  ',',
  'the',
  'whole',
  'ravine',
  ',',
  'and',
  'plain',
  ',',
  'and',
  'azure',
  'sea',
  'immediately',
  'before',
  'us',
  ';',
  'the',
  'dark',
  'rocks',
  'received',
  'a',
  'glow',
  'from',
  'the',
  'descending',
  'sun',
  ',',
  'which',
  'glanced',
  'along',
  'the',
  'cultivated',
  'valley',
  ',',
  'and',
  'dyed',
  'in',
  'purple',
  'and',
  'orange',
  'the',
  'placid',
  'waves',
  ';',
  'we',
  'sat',
  'on',
  'a',
  'rocky',
  'elevation',
  ',',
  'and',
  'I',
  'gazed',
  'with',
  'rapture',
  'on',
  'the',
  'beauteous',
  'panorama',
  'of',
  'living',
  'and',
  'changeful',
  'colours',
  ',',
  'which',
  'varied',
  'and',
  'enhanced',
  'the',
  'graces',
  'of',
  'earth',
  'and',
  'ocean',
  '.'],
 ['And',
  'here',
  ',',
  'in',
  'the',
  'prison',
  'house',
  'which',
  'has',
  'few',
  'secrets',
  'to',
  'disclose',
  ',',
  'there',
  'rolled',
  'away',
  'days',
  'and',
  'weeks',
  'and',
  'months',
  ';',
  'and',
  'the',
  'soul',
  'watched',
  'narrowly',
  'each',
  'second',
  'as',
  'it',
  'flew',
  ',',
  'and',
  ',',
  'without',
  'effort',
  ',',
  'took',
  'record',
  'of',
  'its',
  'flight',
  'without',
  'effort',
  'and',
  'without',
  'object',
  '.'],
 ['The',
  'Martense',
  'mansion',
  'was',
  'built',
  'in',
  'by',
  'Gerrit',
  'Martense',
  ',',
  'a',
  'wealthy',
  'New',
  'Amsterdam',
  'merchant',
  'who',
  'disliked',
  'the',
  'changing',
  'order',
  'under',
  'British',
  'rule',
  ',',
  'and',
  'had',
  'constructed',
  'this',
  'magnificent',
  'domicile',
  'on',
  'a',
  'remote',
  'woodland',
  'summit',
  'whose',
  'untrodden',
  'solitude',
  'and',
  'unusual',
  'scenery',
  'pleased',
  'him',
  '.'],
 ['As',
  'I',
  'thus',
  'mused',
  ',',
  'with',
  'half',
  'shut',
  'eyes',
  ',',
  'while',
  'the',
  'sun',
  'sank',
  'rapidly',
  'to',
  'rest',
  ',',
  'and',
  'eddying',
  'currents',
  'careered',
  'round',
  'and',
  'round',
  'the',
  'island',
  ',',
  'bearing',
  'upon',
  'their',
  'bosom',
  'large',
  ',',
  'dazzling',
  ',',
  'white',
  'flakes',
  'of',
  'the',
  'bark',
  'of',
  'the',
  'sycamore',
  'flakes',
  'which',
  ',',
  'in',
  'their',
  'multiform',
  'positions',
  'upon',
  'the',
  'water',
  ',',
  'a',
  'quick',
  'imagination',
  'might',
  'have',
  'converted',
  'into',
  'any',
  'thing',
  'it',
  'pleased',
  ',',
  'while',
  'I',
  'thus',
  'mused',
  ',',
  'it',
  'appeared',
  'to',
  'me',
  'that',
  'the',
  'form',
  'of',
  'one',
  'of',
  'those',
  'very',
  'Fays',
  'about',
  'whom',
  'I',
  'had',
  'been',
  'pondering',
  'made',
  'its',
  'way',
  'slowly',
  'into',
  'the',
  'darkness',
  'from',
  'out',
  'the',
  'light',
  'at',
  'the',
  'western',
  'end',
  'of',
  'the',
  'island',
  '.'],
 ['I',
  'bought',
  'auction',
  'copies',
  'cheap',
  'of',
  '"',
  'Lord',
  'Brougham',
  "'s",
  'Speeches',
  ',',
  '"',
  '"',
  'Cobbett',
  "'s",
  'Complete',
  'Works',
  ',',
  '"',
  'the',
  '"',
  'New',
  'Slang',
  'Syllabus',
  ',',
  '"',
  'the',
  '"',
  'Whole',
  'Art',
  'of',
  'Snubbing',
  ',',
  '"',
  '"',
  'Prentice',
  "'s",
  'Billingsgate',
  ',',
  '"',
  'folio',
  'edition',
  ',',
  'and',
  '"',
  'Lewis',
  'G.',
  'Clarke',
  'on',
  'Tongue',
  '.',
  '"'],
 ['A',
  'portion',
  'of',
  'it',
  'may',
  'form',
  ',',
  'when',
  'tightly',
  'stretched',
  ',',
  'the',
  'only',
  'partitions',
  'which',
  'there',
  'is',
  'any',
  'necessity',
  'for',
  'removing',
  'during',
  'the',
  'changes',
  'of',
  'the',
  'man',
  "'s",
  'position',
  ',',
  'viz',
  ':',
  'the',
  'partition',
  'between',
  'the',
  'rear',
  'of',
  'the',
  'main',
  'compartment',
  'and',
  'the',
  'rear',
  'of',
  'the',
  'cupboard',
  'No',
  '.',
  ',',
  'and',
  'the',
  'partition',
  'between',
  'the',
  'main',
  'compartment',
  ',',
  'and',
  'the',
  'space',
  'behind',
  'the',
  'drawer',
  'when',
  'open',
  '.'],
 ['For',
  'a',
  'moment',
  'she',
  'remained',
  'trembling',
  'and',
  'reeling',
  'to',
  'and',
  'fro',
  'upon',
  'the',
  'threshold',
  'then',
  ',',
  'with',
  'a',
  'low',
  'moaning',
  'cry',
  ',',
  'fell',
  'heavily',
  'inward',
  'upon',
  'the',
  'person',
  'of',
  'her',
  'brother',
  ',',
  'and',
  'in',
  'her',
  'violent',
  'and',
  'now',
  'final',
  'death',
  'agonies',
  ',',
  'bore',
  'him',
  'to',
  'the',
  'floor',
  'a',
  'corpse',
  ',',
  'and',
  'a',
  'victim',
  'to',
  'the',
  'terrors',
  'he',
  'had',
  'anticipated',
  '.'],
 ['This',
  'wall',
  'is',
  'of',
  'one',
  'continuous',
  'rock',
  ',',
  'and',
  'has',
  'been',
  'formed',
  'by',
  'cutting',
  'perpendicularly',
  'the',
  'once',
  'rugged',
  'precipice',
  'of',
  'the',
  'stream',
  "'s",
  'southern',
  'bank',
  ',',
  'but',
  'no',
  'trace',
  'of',
  'the',
  'labor',
  'has',
  'been',
  'suffered',
  'to',
  'remain',
  '.'],
 ['I',
  "hain't",
  'seed',
  'many',
  'folks',
  "'",
  'long',
  'this',
  'rud',
  'sence',
  'they',
  'tuk',
  'off',
  'the',
  'Arkham',
  'stage',
  '.',
  '"'],
 ['He',
  'was',
  'somewhat',
  'surprised',
  ';',
  'he',
  'would',
  'see',
  ',',
  'he',
  'said',
  ',',
  'what',
  'could',
  'be',
  'done',
  ';',
  'but',
  'it',
  'required',
  'time',
  ';',
  'and',
  'Raymond',
  'had',
  'ordered',
  'me',
  'to',
  'return',
  'by',
  'noon',
  '.'],
 ['In',
  'draughts',
  ',',
  'on',
  'the',
  'contrary',
  ',',
  'where',
  'the',
  'moves',
  'are',
  'unique',
  'and',
  'have',
  'but',
  'little',
  'variation',
  ',',
  'the',
  'probabilities',
  'of',
  'inadvertence',
  'are',
  'diminished',
  ',',
  'and',
  'the',
  'mere',
  'attention',
  'being',
  'left',
  'comparatively',
  'unemployed',
  ',',
  'what',
  'advantages',
  'are',
  'obtained',
  'by',
  'either',
  'party',
  'are',
  'obtained',
  'by',
  'superior',
  'acumen',
  '.'],
 ['Here',
  'he',
  'closed',
  'his',
  'eyes',
  'and',
  'placed',
  'his',
  'hand',
  'upon',
  'his',
  'heart',
  '.'],
 ['See', 'the', 'whole', 'town', 'is', 'topsy', 'turvy', '.'],
 ['In',
  'such',
  'surroundings',
  'the',
  'mind',
  'loses',
  'its',
  'perspective',
  ';',
  'time',
  'and',
  'space',
  'become',
  'trivial',
  'and',
  'unreal',
  ',',
  'and',
  'echoes',
  'of',
  'a',
  'forgotten',
  'prehistoric',
  'past',
  'beat',
  'insistently',
  'upon',
  'the',
  'enthralled',
  'consciousness',
  '.'],
 ['What',
  'would',
  'we',
  'do',
  'without',
  'the',
  'Atalantic',
  'telegraph',
  '?'],
 ['Am', 'I', 'not', 'the', 'most', 'miserable', 'worm', 'that', 'crawls', '?'],
 ['His',
  'blue',
  'eyes',
  'were',
  'bulging',
  ',',
  'glassy',
  ',',
  'and',
  'sightless',
  ',',
  'and',
  'the',
  'frantic',
  'playing',
  'had',
  'become',
  'a',
  'blind',
  ',',
  'mechanical',
  ',',
  'unrecognisable',
  'orgy',
  'that',
  'no',
  'pen',
  'could',
  'even',
  'suggest',
  '.'],
 ['One',
  'of',
  'my',
  'first',
  'acts',
  'for',
  'the',
  'recovery',
  'even',
  'of',
  'my',
  'own',
  'composure',
  ',',
  'was',
  'to',
  'bid',
  'farewell',
  'to',
  'the',
  'sea',
  '.'],
 ['Nature',
  'decayed',
  'around',
  'me',
  ',',
  'and',
  'the',
  'sun',
  'became',
  'heatless',
  ';',
  'rain',
  'and',
  'snow',
  'poured',
  'around',
  'me',
  ';',
  'mighty',
  'rivers',
  'were',
  'frozen',
  ';',
  'the',
  'surface',
  'of',
  'the',
  'earth',
  'was',
  'hard',
  'and',
  'chill',
  ',',
  'and',
  'bare',
  ',',
  'and',
  'I',
  'found',
  'no',
  'shelter',
  '.'],
 ['We',
  'have',
  'watched',
  'over',
  'her',
  ';',
  'nursed',
  'her',
  'flickering',
  'existence',
  ';',
  'now',
  'she',
  'has',
  'fallen',
  'at',
  'once',
  'from',
  'youth',
  'to',
  'decrepitude',
  ',',
  'from',
  'health',
  'to',
  'immedicinable',
  'disease',
  ';',
  'even',
  'as',
  'we',
  'spend',
  'ourselves',
  'in',
  'struggles',
  'for',
  'her',
  'recovery',
  ',',
  'she',
  'dies',
  ';',
  'to',
  'all',
  'nations',
  'the',
  'voice',
  'goes',
  'forth',
  ',',
  'Hope',
  'is',
  'dead',
  'We',
  'are',
  'but',
  'mourners',
  'in',
  'the',
  'funeral',
  'train',
  ',',
  'and',
  'what',
  'immortal',
  'essence',
  'or',
  'perishable',
  'creation',
  'will',
  'refuse',
  'to',
  'make',
  'one',
  'in',
  'the',
  'sad',
  'procession',
  'that',
  'attends',
  'to',
  'its',
  'grave',
  'the',
  'dead',
  'comforter',
  'of',
  'humanity',
  '?'],
 ['He',
  'seemed',
  'born',
  'anew',
  ',',
  'and',
  'virtue',
  ',',
  'more',
  'potent',
  'than',
  'Medean',
  'alchemy',
  ',',
  'endued',
  'him',
  'with',
  'health',
  'and',
  'strength',
  '.'],
 ['At',
  'length',
  'there',
  'broke',
  'in',
  'upon',
  'my',
  'dreams',
  'a',
  'cry',
  'as',
  'of',
  'horror',
  'and',
  'dismay',
  ';',
  'and',
  'thereunto',
  ',',
  'after',
  'a',
  'pause',
  ',',
  'succeeded',
  'the',
  'sound',
  'of',
  'troubled',
  'voices',
  ',',
  'intermingled',
  'with',
  'many',
  'low',
  'moanings',
  'of',
  'sorrow',
  'or',
  'of',
  'pain',
  '.'],
 ['All',
  'this',
  ',',
  'it',
  'must',
  'be',
  'acknowledged',
  ',',
  'was',
  'very',
  'severe',
  'upon',
  '"',
  'Oppodeldoc',
  '"',
  'but',
  'the',
  'unkindest',
  'cut',
  'was',
  'putting',
  'the',
  'word',
  'sy',
  'in',
  'small',
  'caps',
  '.'],
 ['He',
  'was',
  'sent',
  'to',
  'Eton',
  'and',
  'afterwards',
  'to',
  'college',
  ';',
  'allowed',
  'from',
  'childhood',
  'the',
  'free',
  'use',
  'of',
  'large',
  'sums',
  'of',
  'money',
  ';',
  'thus',
  'enjoying',
  'from',
  'his',
  'earliest',
  'youth',
  'the',
  'independance',
  'which',
  'a',
  'boy',
  'with',
  'these',
  'advantages',
  ',',
  'always',
  'acquires',
  'at',
  'a',
  'public',
  'school',
  '.'],
 ['We',
  'came',
  'at',
  'last',
  'to',
  'the',
  'road',
  'that',
  'led',
  'to',
  'the',
  'town',
  'of',
  'and',
  'at',
  'an',
  'inn',
  'there',
  'we',
  'heard',
  'that',
  'my',
  'father',
  'had',
  'passed',
  'by',
  'somewhat',
  'before',
  'sunset',
  ';',
  'he',
  'had',
  'observed',
  'the',
  'approaching',
  'storm',
  'and',
  'had',
  'hired',
  'a',
  'horse',
  'for',
  'the',
  'next',
  'town',
  'which',
  'was',
  'situated',
  'a',
  'mile',
  'from',
  'the',
  'sea',
  'that',
  'he',
  'might',
  'arrive',
  'there',
  'before',
  'it',
  'should',
  'commence',
  ':',
  'this',
  'town',
  'was',
  'five',
  'miles',
  'off',
  '.'],
 ['Oh',
  'God',
  'help',
  'me',
  'Let',
  'him',
  'be',
  'alive',
  'It',
  'is',
  'all',
  'dark',
  ';',
  'in',
  'my',
  'abject',
  'misery',
  'I',
  'demand',
  'no',
  'more',
  ':',
  'no',
  'hope',
  ',',
  'no',
  'good',
  ':',
  'only',
  'passion',
  ',',
  'and',
  'guilt',
  ',',
  'and',
  'horror',
  ';',
  'but',
  'alive',
  'Alive',
  'My',
  'sensations',
  'choked',
  'me',
  'No',
  'tears',
  'fell',
  'yet',
  'I',
  'sobbed',
  ',',
  'and',
  'breathed',
  'short',
  'and',
  'hard',
  ';',
  'one',
  'only',
  'thought',
  'possessed',
  'me',
  ',',
  'and',
  'I',
  'could',
  'only',
  'utter',
  'one',
  'word',
  ',',
  'that',
  'half',
  'screaming',
  'was',
  'perpetually',
  'on',
  'my',
  'lips',
  ';',
  'Alive',
  'Alive',
  'I',
  'had',
  'taken',
  'the',
  'steward',
  'with',
  'me',
  'for',
  'he',
  ',',
  'much',
  'better',
  'than',
  'I',
  ',',
  'could',
  'make',
  'the',
  'requisite',
  'enquiries',
  'the',
  'poor',
  'old',
  'man',
  'could',
  'not',
  'restrain',
  'his',
  'tears',
  'as',
  'he',
  'saw',
  'my',
  'deep',
  'distress',
  'and',
  'knew',
  'the',
  'cause',
  'he',
  'sometimes',
  'uttered',
  'a',
  'few',
  'broken',
  'words',
  'of',
  'consolation',
  ':',
  'in',
  'moments',
  'like',
  'these',
  'the',
  'mistress',
  'and',
  'servant',
  'become',
  'in',
  'a',
  'manner',
  'equals',
  'and',
  'when',
  'I',
  'saw',
  'his',
  'old',
  'dim',
  'eyes',
  'wet',
  'with',
  'sympathizing',
  'tears',
  ';',
  'his',
  'gray',
  'hair',
  'thinly',
  'scattered',
  'on',
  'an',
  'age',
  'wrinkled',
  'brow',
  'I',
  'thought',
  'oh',
  'if',
  'my',
  'father',
  'were',
  'as',
  'he',
  'is',
  'decrepid',
  'hoary',
  'then',
  'I',
  'should',
  'be',
  'spared',
  'this',
  'pain',
  'When',
  'I',
  'had',
  'arrived',
  'at',
  'the',
  'nearest',
  'town',
  'I',
  'took',
  'post',
  'horses',
  'and',
  'followed',
  'the',
  'road',
  'my',
  'father',
  'had',
  'taken',
  '.'],
 ['Unaccountably', 'we', 'remain', '.'],
 ['"',
  'Henri',
  'Duval',
  ',',
  'a',
  'neighbor',
  ',',
  'and',
  'by',
  'trade',
  'a',
  'silver',
  'smith',
  ',',
  'deposes',
  'that',
  'he',
  'was',
  'one',
  'of',
  'the',
  'party',
  'who',
  'first',
  'entered',
  'the',
  'house',
  '.'],
 ['About',
  'seven',
  "o'clock",
  'Luther',
  'Brown',
  ',',
  'the',
  'hired',
  'boy',
  'at',
  'George',
  'Corey',
  "'s",
  ',',
  'between',
  'Cold',
  'Spring',
  'Glen',
  'and',
  'the',
  'village',
  ',',
  'rushed',
  'frenziedly',
  'back',
  'from',
  'his',
  'morning',
  'trip',
  'to',
  'Ten',
  'Acre',
  'Meadow',
  'with',
  'the',
  'cows',
  '.'],
 ['"',
  'How',
  'far',
  'mus',
  'go',
  'up',
  ',',
  'massa',
  '?',
  '"',
  'inquired',
  'Jupiter',
  '.'],
 ['Idris',
  'could',
  'not',
  'refrain',
  'from',
  'a',
  'smile',
  ',',
  'as',
  'she',
  'listened',
  ';',
  'she',
  'had',
  'already',
  'gathered',
  'from',
  'him',
  'that',
  'his',
  'family',
  'was',
  'alive',
  'and',
  'in',
  'health',
  ';',
  'though',
  'not',
  'apt',
  'to',
  'forget',
  'the',
  'precipice',
  'of',
  'time',
  'on',
  'which',
  'she',
  'stood',
  ',',
  'yet',
  'I',
  'could',
  'perceive',
  'that',
  'she',
  'was',
  'amused',
  'for',
  'a',
  'moment',
  ',',
  'by',
  'the',
  'contrast',
  'between',
  'the',
  'contracted',
  'view',
  'we',
  'had',
  'so',
  'long',
  'taken',
  'of',
  'human',
  'life',
  ',',
  'and',
  'the',
  'seven',
  'league',
  'strides',
  'with',
  'which',
  'Merrival',
  'paced',
  'a',
  'coming',
  'eternity',
  '.'],
 ['Her',
  'own',
  'attitude',
  'toward',
  'shadowed',
  'Innsmouth',
  'which',
  'she',
  'had',
  'never',
  'seen',
  'was',
  'one',
  'of',
  'disgust',
  'at',
  'a',
  'community',
  'slipping',
  'far',
  'down',
  'the',
  'cultural',
  'scale',
  ',',
  'and',
  'she',
  'assured',
  'me',
  'that',
  'the',
  'rumours',
  'of',
  'devil',
  'worship',
  'were',
  'partly',
  'justified',
  'by',
  'a',
  'peculiar',
  'secret',
  'cult',
  'which',
  'had',
  'gained',
  'force',
  'there',
  'and',
  'engulfed',
  'all',
  'the',
  'orthodox',
  'churches',
  '.'],
 ['And',
  'all',
  'the',
  'while',
  'there',
  'was',
  'a',
  'personal',
  'sensation',
  'of',
  'choking',
  ',',
  'as',
  'if',
  'some',
  'pervasive',
  'presence',
  'had',
  'spread',
  'itself',
  'through',
  'his',
  'body',
  'and',
  'sought',
  'to',
  'possess',
  'itself',
  'of',
  'his',
  'vital',
  'processes',
  '.'],
 ['And',
  ',',
  'as',
  'accident',
  'permitted',
  ',',
  'I',
  'complied',
  'with',
  'or',
  'refused',
  'her',
  'request',
  '.'],
 ['Our',
  'system',
  'revolves',
  ',',
  'it',
  'is',
  'true',
  ',',
  'about',
  'a',
  'common',
  'centre',
  'of',
  'gravity',
  ',',
  'but',
  'it',
  'does',
  'this',
  'in',
  'connection',
  'with',
  'and',
  'in',
  'consequence',
  'of',
  'a',
  'material',
  'sun',
  'whose',
  'mass',
  'more',
  'than',
  'counterbalances',
  'the',
  'rest',
  'of',
  'the',
  'system',
  '.'],
 ['They',
  'were',
  'that',
  'kind',
  'the',
  'old',
  'lattice',
  'windows',
  'that',
  'went',
  'out',
  'of',
  'use',
  'before',
  '.'],
 ['The',
  'mystery',
  'remains',
  'unsolved',
  'to',
  'this',
  'day',
  ',',
  'though',
  'the',
  'image',
  'is',
  'on',
  'exhibition',
  'at',
  'the',
  'museum',
  'of',
  'Miskatonic',
  'University',
  '.'],
 ['Pundit', 'says', 'Atlantic', 'was', 'the', 'ancient', 'adjective', '.'],
 ['In', 'height', 'I', 'am', 'five', 'feet', 'eleven', '.'],
 ['"', 'How', 'can', 'I', 'move', 'thee', '?'],
 ['Next',
  'would',
  'come',
  'the',
  'south',
  'windows',
  ',',
  'under',
  'the',
  'great',
  'low',
  'eaves',
  'on',
  'the',
  'side',
  'where',
  'he',
  'stood',
  ';',
  'and',
  'it',
  'must',
  'be',
  'said',
  'that',
  'he',
  'was',
  'more',
  'than',
  'uncomfortable',
  'as',
  'he',
  'thought',
  'of',
  'the',
  'detestable',
  'house',
  'on',
  'one',
  'side',
  'and',
  'the',
  'vacancy',
  'of',
  'upper',
  'air',
  'on',
  'the',
  'other',
  '.'],
 ['"', 'That', 'is', 'also', 'my', 'victim', '"', 'he', 'exclaimed', '.'],
 ['must', 'I', 'say', 'precisely', '?', '"'],
 ['Worst',
  'of',
  'all',
  ',',
  'his',
  'absence',
  'now',
  'from',
  'the',
  'festival',
  ',',
  'his',
  'message',
  'wholly',
  'unaccounted',
  'for',
  ',',
  'except',
  'by',
  'the',
  'disgraceful',
  'hints',
  'of',
  'the',
  'woman',
  ',',
  'appeared',
  'the',
  'deadliest',
  'insult',
  '.'],
 ['Even',
  'more',
  'puzzling',
  ',',
  'though',
  ',',
  'was',
  'the',
  'final',
  'case',
  'which',
  'put',
  'an',
  'end',
  'to',
  'the',
  'renting',
  'of',
  'the',
  'house',
  'a',
  'series',
  'of',
  'anaemia',
  'deaths',
  'preceded',
  'by',
  'progressive',
  'madnesses',
  'wherein',
  'the',
  'patient',
  'would',
  'craftily',
  'attempt',
  'the',
  'lives',
  'of',
  'his',
  'relatives',
  'by',
  'incisions',
  'in',
  'the',
  'neck',
  'or',
  'wrist',
  '.'],
 ['The',
  'stones',
  'in',
  'the',
  'crumbling',
  'corridors',
  'seemed',
  'always',
  'hideously',
  'damp',
  ',',
  'and',
  'there',
  'was',
  'an',
  'accursed',
  'smell',
  'everywhere',
  ',',
  'as',
  'of',
  'the',
  'piled',
  'up',
  'corpses',
  'of',
  'dead',
  'generations',
  '.'],
 ['The',
  'few',
  'members',
  'who',
  'were',
  'present',
  ',',
  'had',
  'come',
  'more',
  'for',
  'the',
  'sake',
  'of',
  'terminating',
  'the',
  'business',
  'by',
  'securing',
  'a',
  'legal',
  'attendance',
  ',',
  'than',
  'under',
  'the',
  'idea',
  'of',
  'a',
  'debate',
  '.'],
 ['The', 'incinerator', 'contained', 'only', 'unidentifiable', 'ashes', '.'],
 ['By',
  'the',
  'by',
  ',',
  'my',
  'dear',
  'friend',
  ',',
  'do',
  'you',
  'not',
  'think',
  'it',
  'would',
  'have',
  'puzzled',
  'these',
  'ancient',
  'dogmaticians',
  'to',
  'have',
  'determined',
  'by',
  'which',
  'of',
  'their',
  'two',
  'roads',
  'it',
  'was',
  'that',
  'the',
  'most',
  'important',
  'and',
  'most',
  'sublime',
  'of',
  'all',
  'their',
  'truths',
  'was',
  ',',
  'in',
  'effect',
  ',',
  'attained',
  '?'],
 ['But',
  'again',
  'I',
  'thought',
  'of',
  'the',
  'emptiness',
  'and',
  'horror',
  'of',
  'reality',
  ',',
  'and',
  'boldly',
  'prepared',
  'to',
  'follow',
  'whithersoever',
  'I',
  'might',
  'be',
  'led',
  '.'],
 ['"',
  'Amontillado',
  '"',
  '"',
  'And',
  'I',
  'must',
  'satisfy',
  'them',
  '.',
  '"'],
 ['The',
  'least',
  'illness',
  'caused',
  'throes',
  'of',
  'terror',
  ';',
  'she',
  'was',
  'miserable',
  'if',
  'she',
  'were',
  'at',
  'all',
  'absent',
  'from',
  'them',
  ';',
  'her',
  'treasure',
  'of',
  'happiness',
  'she',
  'had',
  'garnered',
  'in',
  'their',
  'fragile',
  'being',
  ',',
  'and',
  'kept',
  'forever',
  'on',
  'the',
  'watch',
  ',',
  'lest',
  'the',
  'insidious',
  'thief',
  'should',
  'as',
  'before',
  'steal',
  'these',
  'valued',
  'gems',
  '.'],
 ['There',
  'appeared',
  'to',
  'be',
  'no',
  'furniture',
  'in',
  'any',
  'part',
  'of',
  'the',
  'building',
  'except',
  'in',
  'the',
  'fourth',
  'story',
  '.'],
 ['The',
  'cold',
  'was',
  'intense',
  ',',
  'and',
  'obliged',
  'me',
  'to',
  'wrap',
  'up',
  'closely',
  'in',
  'an',
  'overcoat',
  '.'],
 ['My',
  'room',
  ',',
  'a',
  'dismal',
  'rear',
  'one',
  'with',
  'two',
  'windows',
  'and',
  'bare',
  ',',
  'cheap',
  'furnishings',
  ',',
  'overlooked',
  'a',
  'dingy',
  'courtyard',
  'otherwise',
  'hemmed',
  'in',
  'by',
  'low',
  ',',
  'deserted',
  'brick',
  'blocks',
  ',',
  'and',
  'commanded',
  'a',
  'view',
  'of',
  'decrepit',
  'westward',
  'stretching',
  'roofs',
  'with',
  'a',
  'marshy',
  'countryside',
  'beyond',
  '.'],
 ['Now',
  ',',
  'I',
  'looked',
  'on',
  'the',
  'evening',
  'star',
  ',',
  'as',
  'softly',
  'and',
  'calmly',
  'it',
  'hung',
  'pendulous',
  'in',
  'the',
  'orange',
  'hues',
  'of',
  'sunset',
  '.'],
 ['The',
  'roof',
  'of',
  'the',
  'void',
  ',',
  'as',
  'seen',
  'whilst',
  'it',
  'was',
  'open',
  ',',
  'was',
  'not',
  'by',
  'any',
  'means',
  'thick',
  ';',
  'yet',
  'now',
  'the',
  'drills',
  'of',
  'the',
  'investigators',
  'met',
  'what',
  'appeared',
  'to',
  'be',
  'a',
  'limitless',
  'extent',
  'of',
  'solid',
  'rock',
  '.'],
 ['"',
  'Perhaps',
  'the',
  'mystery',
  'is',
  'a',
  'little',
  'too',
  'plain',
  ',',
  '"',
  'said',
  'Dupin',
  '.'],
 ['It',
  'seemed',
  'strange',
  'that',
  'old',
  'Gregory',
  ',',
  'at',
  'least',
  ',',
  'should',
  'desert',
  'his',
  'master',
  'without',
  'telling',
  'as',
  'tried',
  'a',
  'friend',
  'as',
  'I.'],
 ['I',
  'often',
  'compared',
  'myself',
  'to',
  'them',
  ',',
  'and',
  'finding',
  'that',
  'my',
  'chief',
  'superiority',
  'consisted',
  'in',
  'power',
  ',',
  'I',
  'soon',
  'persuaded',
  'myself',
  'that',
  'it',
  'was',
  'in',
  'power',
  'only',
  'that',
  'I',
  'was',
  'inferior',
  'to',
  'the',
  'chiefest',
  'potentates',
  'of',
  'the',
  'earth',
  '.'],
 ['As',
  'the',
  'ape',
  'approached',
  'the',
  'casement',
  'with',
  'its',
  'mutilated',
  'burden',
  ',',
  'the',
  'sailor',
  'shrank',
  'aghast',
  'to',
  'the',
  'rod',
  ',',
  'and',
  ',',
  'rather',
  'gliding',
  'than',
  'clambering',
  'down',
  'it',
  ',',
  'hurried',
  'at',
  'once',
  'home',
  'dreading',
  'the',
  'consequences',
  'of',
  'the',
  'butchery',
  ',',
  'and',
  'gladly',
  'abandoning',
  ',',
  'in',
  'his',
  'terror',
  ',',
  'all',
  'solicitude',
  'about',
  'the',
  'fate',
  'of',
  'the',
  'Ourang',
  'Outang',
  '.'],
 ['I',
  'knew',
  'that',
  'he',
  'had',
  'been',
  'lying',
  'awake',
  'ever',
  'since',
  'the',
  'first',
  'slight',
  'noise',
  ',',
  'when',
  'he',
  'had',
  'turned',
  'in',
  'the',
  'bed',
  '.'],
 ['He',
  'was',
  'first',
  'struck',
  'by',
  'the',
  'space',
  'of',
  'time',
  'that',
  'had',
  'elapsed',
  ',',
  'since',
  'madness',
  ',',
  'rather',
  'than',
  'any',
  'reasonable',
  'impulse',
  ',',
  'had',
  'regulated',
  'his',
  'actions',
  '.'],
 ['Being',
  'more',
  'than',
  'a',
  'little',
  'piqued',
  'at',
  'the',
  'Incivility',
  'of',
  'one',
  'whose',
  'Celebrity',
  'made',
  'me',
  'solicitous',
  'of',
  'his',
  'Approbation',
  ',',
  'I',
  "ventur'd",
  'to',
  'retaliate',
  'in',
  'kind',
  ',',
  'and',
  'told',
  'him',
  ',',
  'I',
  'was',
  "surpris'd",
  'that',
  'a',
  'Man',
  'of',
  'Sense',
  "shou'd",
  'judge',
  'the',
  'Thoughtfulness',
  'of',
  'one',
  'whose',
  'Productions',
  'he',
  'admitted',
  'never',
  'having',
  'read',
  '.'],
 ['I', 'knew', 'the', 'sound', 'well', '.'],
 ['I',
  'was',
  'in',
  'the',
  'service',
  'of',
  'a',
  'farmer',
  ';',
  'and',
  'with',
  'crook',
  'in',
  'hand',
  ',',
  'my',
  'dog',
  'at',
  'my',
  'side',
  ',',
  'I',
  'shepherded',
  'a',
  'numerous',
  'flock',
  'on',
  'the',
  'near',
  'uplands',
  '.'],
 ['With',
  'an',
  'heavy',
  'heart',
  'I',
  'entered',
  'the',
  'palace',
  ',',
  'and',
  'stood',
  'fearful',
  'to',
  'advance',
  ',',
  'to',
  'speak',
  ',',
  'to',
  'look',
  '.'],
 ['The',
  'shrub',
  'here',
  'often',
  'attains',
  'the',
  'height',
  'of',
  'fifteen',
  'or',
  'twenty',
  'feet',
  ',',
  'and',
  'forms',
  'an',
  'almost',
  'impenetrable',
  'coppice',
  ',',
  'burthening',
  'the',
  'air',
  'with',
  'its',
  'fragrance',
  '.'],
 ['It',
  'had',
  'looked',
  'at',
  'me',
  'as',
  'it',
  'died',
  ',',
  'and',
  'its',
  'eyes',
  'had',
  'the',
  'same',
  'odd',
  'quality',
  'that',
  'marked',
  'those',
  'other',
  'eyes',
  'which',
  'had',
  'stared',
  'at',
  'me',
  'underground',
  'and',
  'excited',
  'cloudy',
  'recollections',
  '.'],
 ['But',
  'I',
  'had',
  'no',
  'bodily',
  ',',
  'no',
  'visible',
  ',',
  'audible',
  ',',
  'or',
  'palpable',
  'presence',
  '.'],
 ['oh',
  ',',
  'quite',
  'a',
  'hero',
  'perfect',
  'desperado',
  'no',
  'hearts',
  ',',
  'Mr.',
  'Tattle',
  '?'],
 ['Friends',
  'had',
  'held',
  'him',
  'when',
  'he',
  'drew',
  'a',
  'stiletto',
  ',',
  'but',
  'West',
  'departed',
  'amidst',
  'his',
  'inhuman',
  'shrieks',
  ',',
  'curses',
  ',',
  'and',
  'oaths',
  'of',
  'vengeance',
  '.'],
 ['We', 'were', 'all', 'lions', 'and', 'recherchés', '.'],
 ['It',
  'was',
  'his',
  'custom',
  ',',
  'indeed',
  ',',
  'to',
  'speak',
  'calmly',
  'of',
  'his',
  'approaching',
  'dissolution',
  ',',
  'as',
  'of',
  'a',
  'matter',
  'neither',
  'to',
  'be',
  'avoided',
  'nor',
  'regretted',
  '.'],
 ['Captain',
  'Pratt',
  'maintains',
  'that',
  'to',
  'morrow',
  'will',
  'be',
  'Sunday',
  ':',
  'so',
  'it',
  'will',
  ';',
  'he',
  'is',
  'right',
  ',',
  'too',
  '.'],
 ['Adrian',
  'and',
  'Idris',
  'saw',
  'this',
  ';',
  'they',
  'attributed',
  'it',
  'to',
  'my',
  'long',
  'watching',
  'and',
  'anxiety',
  ';',
  'they',
  'urged',
  'me',
  'to',
  'rest',
  ',',
  'and',
  'take',
  'care',
  'of',
  'myself',
  ',',
  'while',
  'I',
  'most',
  'truly',
  'assured',
  'them',
  ',',
  'that',
  'my',
  'best',
  'medicine',
  'was',
  'their',
  'good',
  'wishes',
  ';',
  'those',
  ',',
  'and',
  'the',
  'assured',
  'convalescence',
  'of',
  'my',
  'friend',
  ',',
  'now',
  'daily',
  'more',
  'apparent',
  '.'],
 ['I',
  'returned',
  'to',
  'the',
  'boat',
  'as',
  'my',
  'electric',
  'batteries',
  'grew',
  'feeble',
  ',',
  'resolved',
  'to',
  'explore',
  'the',
  'rock',
  'temple',
  'on',
  'the',
  'following',
  'day',
  '.'],
 ['At',
  'one',
  'time',
  ',',
  'however',
  ',',
  'I',
  'thought',
  'myself',
  'sure',
  'of',
  'my',
  'prize',
  ',',
  'having',
  ',',
  'in',
  'rummaging',
  'a',
  'dressing',
  'case',
  ',',
  'accidentally',
  'demolished',
  'a',
  'bottle',
  'of',
  'Grandjean',
  "'s",
  'Oil',
  'of',
  'Archangels',
  'which',
  ',',
  'as',
  'an',
  'agreeable',
  'perfume',
  ',',
  'I',
  'here',
  'take',
  'the',
  'liberty',
  'of',
  'recommending',
  '.'],
 ['In',
  'the',
  'university',
  'whither',
  'I',
  'was',
  'going',
  'I',
  'must',
  'form',
  'my',
  'own',
  'friends',
  'and',
  'be',
  'my',
  'own',
  'protector',
  '.'],
 ['Although',
  'more',
  'than',
  'sixteen',
  'years',
  'had',
  'passed',
  'since',
  'her',
  'death',
  'nothing',
  'had',
  'been',
  'changed',
  ';',
  'her',
  'work',
  'box',
  ',',
  'her',
  'writing',
  'desk',
  'were',
  'still',
  'there',
  'and',
  'in',
  'her',
  'room',
  'a',
  'book',
  'lay',
  'open',
  'on',
  'the',
  'table',
  'as',
  'she',
  'had',
  'left',
  'it',
  '.'],
 ['Over',
  'and',
  'above',
  'the',
  'fumes',
  'and',
  'sickening',
  'closeness',
  'rises',
  'an',
  'aroma',
  'once',
  'familiar',
  'throughout',
  'the',
  'land',
  ',',
  'but',
  'now',
  'happily',
  'banished',
  'to',
  'the',
  'back',
  'streets',
  'of',
  'life',
  'by',
  'the',
  'edict',
  'of',
  'a',
  'benevolent',
  'government',
  'the',
  'aroma',
  'of',
  'strong',
  ',',
  'wicked',
  'whiskey',
  'a',
  'precious',
  'kind',
  'of',
  'forbidden',
  'fruit',
  'indeed',
  'in',
  'this',
  'year',
  'of',
  'grace',
  '.'],
 ['I',
  'dare',
  'not',
  'hope',
  'that',
  'I',
  'have',
  'inspired',
  'you',
  'with',
  'sufficient',
  'interest',
  'that',
  'the',
  'thought',
  'of',
  'me',
  ',',
  'and',
  'the',
  'affection',
  'that',
  'I',
  'shall',
  'ever',
  'bear',
  'you',
  ',',
  'will',
  'soften',
  'your',
  'melancholy',
  'and',
  'decrease',
  'the',
  'bitterness',
  'of',
  'your',
  'tears',
  '.'],
 ['There',
  'was',
  'only',
  'one',
  'person',
  'in',
  'sight',
  'an',
  'elderly',
  'man',
  'without',
  'what',
  'I',
  'had',
  'come',
  'to',
  'call',
  'the',
  '"',
  'Innsmouth',
  'look',
  '"',
  'and',
  'I',
  'decided',
  'not',
  'to',
  'ask',
  'him',
  'any',
  'of',
  'the',
  'questions',
  'which',
  'bothered',
  'me',
  ';',
  'remembering',
  'that',
  'odd',
  'things',
  'had',
  'been',
  'noticed',
  'in',
  'this',
  'hotel',
  '.'],
 ['On',
  'the',
  'other',
  'hand',
  ',',
  'what',
  'more',
  'obvious',
  'and',
  'effectual',
  'method',
  'could',
  'there',
  'be',
  'of',
  'exciting',
  'a',
  'disbelief',
  'in',
  'the',
  'Automaton',
  "'s",
  'being',
  'a',
  'pure',
  'machine',
  ',',
  'than',
  'by',
  'withholding',
  'such',
  'explicit',
  'declaration',
  '?'],
 ['I',
  'know',
  'nothing',
  ',',
  'indeed',
  ',',
  'which',
  'so',
  'disfigures',
  'the',
  'countenance',
  'of',
  'a',
  'young',
  'person',
  ',',
  'or',
  'so',
  'impresses',
  'every',
  'feature',
  'with',
  'an',
  'air',
  'of',
  'demureness',
  ',',
  'if',
  'not',
  'altogether',
  'of',
  'sanctimoniousness',
  'and',
  'of',
  'age',
  '.'],
 ['As',
  'soon',
  'as',
  'Dombrowski',
  'left',
  'it',
  'the',
  'pall',
  'of',
  'its',
  'final',
  'desolation',
  'began',
  'to',
  'descend',
  ',',
  'for',
  'people',
  'shunned',
  'it',
  'both',
  'on',
  'account',
  'of',
  'its',
  'old',
  'reputation',
  'and',
  'because',
  'of',
  'the',
  'new',
  'foetid',
  'odour',
  '.'],
 ['But',
  ',',
  'leaving',
  'this',
  'tide',
  'out',
  'of',
  'question',
  ',',
  'it',
  'may',
  'be',
  'said',
  'that',
  'very',
  'few',
  'human',
  'bodies',
  'will',
  'sink',
  'at',
  'all',
  ',',
  'even',
  'in',
  'fresh',
  'water',
  ',',
  'of',
  'their',
  'own',
  'accord',
  '.'],
 ['Hitherto',
  'it',
  'had',
  'served',
  'me',
  'well',
  ',',
  'and',
  'I',
  'now',
  'resolved',
  'to',
  'make',
  'it',
  'avail',
  'me',
  'to',
  'the',
  'end',
  '.'],
 ['I',
  'thought',
  'I',
  'was',
  'prepared',
  'for',
  'the',
  'worst',
  ',',
  'and',
  'I',
  'really',
  'ought',
  'to',
  'have',
  'been',
  'prepared',
  'considering',
  'what',
  'I',
  'had',
  'seen',
  'before',
  '.'],
 ['I',
  'mean',
  'Moissart',
  'and',
  'Voissart',
  ';',
  'and',
  'for',
  'de',
  'matter',
  'of',
  'dat',
  ',',
  'I',
  'mean',
  'Croissart',
  'and',
  'Froisart',
  ',',
  'too',
  ',',
  'if',
  'I',
  'only',
  'tink',
  'proper',
  'to',
  'mean',
  'it',
  '.'],
 ['All',
  'this',
  'time',
  'the',
  'sleeper',
  'waker',
  'remained',
  'exactly',
  'as',
  'I',
  'have',
  'last',
  'described',
  'him',
  '.'],
 ['With',
  'my',
  'head',
  'I',
  'imagined',
  ',',
  'at',
  'one',
  'time',
  ',',
  'that',
  'I',
  ',',
  'the',
  'head',
  ',',
  'was',
  'the',
  'real',
  'Signora',
  'Psyche',
  'Zenobia',
  'at',
  'another',
  'I',
  'felt',
  'convinced',
  'that',
  'myself',
  ',',
  'the',
  'body',
  ',',
  'was',
  'the',
  'proper',
  'identity',
  '.'],
 ['He',
  'had',
  'been',
  'saying',
  'to',
  'himself',
  '"',
  'It',
  'is',
  'nothing',
  'but',
  'the',
  'wind',
  'in',
  'the',
  'chimney',
  'it',
  'is',
  'only',
  'a',
  'mouse',
  'crossing',
  'the',
  'floor',
  ',',
  '"',
  'or',
  '"',
  'It',
  'is',
  'merely',
  'a',
  'cricket',
  'which',
  'has',
  'made',
  'a',
  'single',
  'chirp',
  '.',
  '"'],
 ['"',
  'Come',
  ',',
  '"',
  'said',
  'Raymond',
  ',',
  '"',
  'I',
  'yielded',
  'to',
  'you',
  'yesterday',
  ',',
  'now',
  'comply',
  'with',
  'my',
  'request',
  'take',
  'the',
  'pencil',
  '.',
  '"'],
 ['In',
  'the',
  'sunny',
  'clime',
  'of',
  'Persia',
  ',',
  'in',
  'the',
  'crowded',
  'cities',
  'of',
  'China',
  ',',
  'amidst',
  'the',
  'aromatic',
  'groves',
  'of',
  'Cashmere',
  ',',
  'and',
  'along',
  'the',
  'southern',
  'shores',
  'of',
  'the',
  'Mediterranean',
  ',',
  'such',
  'scenes',
  'had',
  'place',
  '.'],
 ['He',
  'even',
  'says',
  'that',
  'all',
  'the',
  'village',
  'knew',
  'of',
  'my',
  'journeys',
  'to',
  'the',
  'tomb',
  ',',
  'and',
  'that',
  'I',
  'was',
  'often',
  'watched',
  'as',
  'I',
  'slept',
  'in',
  'the',
  'bower',
  'outside',
  'the',
  'grim',
  'facade',
  ',',
  'my',
  'half',
  'open',
  'eyes',
  'fixed',
  'on',
  'the',
  'crevice',
  'that',
  'leads',
  'to',
  'the',
  'interior',
  '.'],
 ['Hope',
  ',',
  'and',
  'your',
  'wounds',
  'will',
  'be',
  'already',
  'half',
  'healed',
  ':',
  'but',
  'if',
  'you',
  'obstinately',
  'despair',
  ',',
  'there',
  'never',
  'more',
  'will',
  'be',
  'comfort',
  'for',
  'you',
  '.'],
 ['He',
  'had',
  'slowly',
  'tried',
  'to',
  'perfect',
  'a',
  'solution',
  'which',
  ',',
  'injected',
  'into',
  'the',
  'veins',
  'of',
  'the',
  'newly',
  'deceased',
  ',',
  'would',
  'restore',
  'life',
  ';',
  'a',
  'labour',
  'demanding',
  'an',
  'abundance',
  'of',
  'fresh',
  'corpses',
  'and',
  'therefore',
  'involving',
  'the',
  'most',
  'unnatural',
  'actions',
  '.'],
 ['Being',
  'now',
  'afraid',
  'to',
  'live',
  'alone',
  'in',
  'the',
  'ancient',
  'house',
  'on',
  'the',
  'moor',
  ',',
  'I',
  'departed',
  'on',
  'the',
  'following',
  'day',
  'for',
  'London',
  ',',
  'taking',
  'with',
  'me',
  'the',
  'amulet',
  'after',
  'destroying',
  'by',
  'fire',
  'and',
  'burial',
  'the',
  'rest',
  'of',
  'the',
  'impious',
  'collection',
  'in',
  'the',
  'museum',
  '.'],
 ['There', 'was', 'Ferdinand', 'Fitz', 'Fossillus', 'Feltspar', '.'],
 ['His',
  'wife',
  'was',
  ',',
  'indeed',
  ',',
  'as',
  'she',
  'had',
  'been',
  'represented',
  ',',
  'a',
  'most',
  'lovely',
  ',',
  'and',
  'most',
  'accomplished',
  'woman',
  '.'],
 ['During',
  'the',
  'brightest',
  'days',
  'of',
  'her',
  'unparalleled',
  'beauty',
  ',',
  'most',
  'surely',
  'I',
  'had',
  'never',
  'loved',
  'her',
  '.'],
 ['As',
  'for',
  '"',
  'Oppodeldoc',
  ',',
  '"',
  'I',
  'began',
  'to',
  'experience',
  'compassion',
  'for',
  'the',
  'poor',
  'fellow',
  '.'],
 ['It',
  'can',
  ',',
  'though',
  ',',
  'do',
  'a',
  'lot',
  'of',
  'harm',
  ';',
  'so',
  'we',
  'must',
  "n't",
  'hesitate',
  'to',
  'rid',
  'the',
  'community',
  'of',
  'it',
  '.'],
 ['By',
  'the',
  'time',
  'I',
  'came',
  'of',
  'age',
  ',',
  'I',
  'had',
  'made',
  'a',
  'small',
  'clearing',
  'in',
  'the',
  'thicket',
  'before',
  'the',
  'mould',
  'stained',
  'facade',
  'of',
  'the',
  'hillside',
  ',',
  'allowing',
  'the',
  'surrounding',
  'vegetation',
  'to',
  'encircle',
  'and',
  'overhang',
  'the',
  'space',
  'like',
  'the',
  'walls',
  'and',
  'roof',
  'of',
  'a',
  'sylvan',
  'bower',
  '.'],
 ['He',
  'had',
  'wild',
  'and',
  'original',
  'ideas',
  'on',
  'the',
  'independent',
  'vital',
  'properties',
  'of',
  'organic',
  'cells',
  'and',
  'nerve',
  'tissue',
  'separated',
  'from',
  'natural',
  'physiological',
  'systems',
  ';',
  'and',
  'achieved',
  'some',
  'hideous',
  'preliminary',
  'results',
  'in',
  'the',
  'form',
  'of',
  'never',
  'dying',
  ',',
  'artificially',
  'nourished',
  'tissue',
  'obtained',
  'from',
  'the',
  'nearly',
  'hatched',
  'eggs',
  'of',
  'an',
  'indescribable',
  'tropical',
  'reptile',
  '.'],
 ['Pareamo',
  'aver',
  'qui',
  'tutto',
  'il',
  'ben',
  'raccolto',
  'Che',
  'fra',
  'mortali',
  'in',
  'piu',
  'parte',
  'si',
  'rimembra',
  '.'],
 ['The',
  'course',
  'of',
  'the',
  'Rhine',
  'below',
  'Mainz',
  'becomes',
  'much',
  'more',
  'picturesque',
  '.'],
 ['We',
  ',',
  'however',
  ',',
  'lay',
  'to',
  'until',
  'the',
  'morning',
  ',',
  'fearing',
  'to',
  'encounter',
  'in',
  'the',
  'dark',
  'those',
  'large',
  'loose',
  'masses',
  'which',
  'float',
  'about',
  'after',
  'the',
  'breaking',
  'up',
  'of',
  'the',
  'ice',
  '.'],
 ['Is',
  'she',
  'not',
  'hurrying',
  'to',
  'upbraid',
  'me',
  'for',
  'my',
  'haste',
  '?'],
 ['Thus',
  'strangely',
  'are',
  'our',
  'souls',
  'constructed',
  ',',
  'and',
  'by',
  'such',
  'slight',
  'ligaments',
  'are',
  'we',
  'bound',
  'to',
  'prosperity',
  'or',
  'ruin',
  '.'],
 ['Others',
  'snapped',
  'up',
  'what',
  'it',
  'left',
  'and',
  'ate',
  'with',
  'slavering',
  'relish',
  '.'],
 ['I',
  'told',
  'him',
  'that',
  'I',
  'could',
  ',',
  'and',
  'translated',
  'for',
  'his',
  'benefit',
  'a',
  'paragraph',
  'near',
  'the',
  'beginning',
  '.'],
 ['She',
  'could',
  'not',
  'disguise',
  'to',
  'herself',
  'that',
  'any',
  'change',
  'would',
  'separate',
  'her',
  'from',
  'him',
  ';',
  'now',
  'she',
  'saw',
  'him',
  'each',
  'day',
  '.'],
 ['And',
  'oh',
  'Jupiter',
  ',',
  'and',
  'every',
  'one',
  'of',
  'the',
  'gods',
  'and',
  'goddesses',
  ',',
  'little',
  'and',
  'big',
  'what',
  'what',
  'what',
  'what',
  'had',
  'become',
  'of',
  'her',
  'teeth',
  '?'],
 ['placed',
  'in',
  'our',
  'hands',
  ',',
  'such',
  'portion',
  'as',
  'details',
  'the',
  'following',
  'up',
  'of',
  'the',
  'apparently',
  'slight',
  'clew',
  'obtained',
  'by',
  'Dupin',
  '.'],
 ['"',
  'I',
  'agree',
  'with',
  'you',
  ',',
  '"',
  'replied',
  'the',
  'stranger',
  ';',
  '"',
  'we',
  'are',
  'unfashioned',
  'creatures',
  ',',
  'but',
  'half',
  'made',
  'up',
  ',',
  'if',
  'one',
  'wiser',
  ',',
  'better',
  ',',
  'dearer',
  'than',
  'ourselves',
  'such',
  'a',
  'friend',
  'ought',
  'to',
  'be',
  'do',
  'not',
  'lend',
  'his',
  'aid',
  'to',
  'perfectionate',
  'our',
  'weak',
  'and',
  'faulty',
  'natures',
  '.'],
 ['Evadne', 'entered', 'but', 'coldly', 'into', 'his', 'systems', '.'],
 ['Your', 'years', 'surpass', 'in', 'some', 'measure', 'my', 'own', '.'],
 ['Unaccustomed',
  'to',
  'industry',
  ',',
  'he',
  'knew',
  'not',
  'in',
  'what',
  'way',
  'to',
  'contribute',
  'to',
  'the',
  'support',
  'of',
  'his',
  'increasing',
  'family',
  '.'],
 ['He',
  'shewed',
  'how',
  'England',
  'had',
  'become',
  'powerful',
  ',',
  'and',
  'its',
  'inhabitants',
  'valiant',
  'and',
  'wise',
  ',',
  'by',
  'means',
  'of',
  'the',
  'freedom',
  'they',
  'enjoyed',
  '.'],
 ['"',
  'Where',
  'can',
  'he',
  'be',
  '?',
  '"',
  'said',
  'little',
  'Miss',
  'Bas',
  'Bleu',
  '.'],
 ['It',
  'advanced',
  ';',
  'the',
  'heavens',
  'were',
  'clouded',
  ',',
  'and',
  'I',
  'soon',
  'felt',
  'the',
  'rain',
  'coming',
  'slowly',
  'in',
  'large',
  'drops',
  ',',
  'but',
  'its',
  'violence',
  'quickly',
  'increased',
  '.'],
 ['The', 'lips', 'were', 'of', 'the', 'usual', 'marble', 'pallor', '.'],
 ['From',
  'Dunedin',
  'the',
  'Alert',
  'and',
  'her',
  'noisome',
  'crew',
  'had',
  'darted',
  'eagerly',
  'forth',
  'as',
  'if',
  'imperiously',
  'summoned',
  ',',
  'and',
  'on',
  'the',
  'other',
  'side',
  'of',
  'the',
  'earth',
  'poets',
  'and',
  'artists',
  'had',
  'begun',
  'to',
  'dream',
  'of',
  'a',
  'strange',
  ',',
  'dank',
  'Cyclopean',
  'city',
  'whilst',
  'a',
  'young',
  'sculptor',
  'had',
  'moulded',
  'in',
  'his',
  'sleep',
  'the',
  'form',
  'of',
  'the',
  'dreaded',
  'Cthulhu',
  '.'],
 ['The',
  'fact',
  'that',
  'it',
  'had',
  'been',
  'thrust',
  'up',
  'the',
  'chimney',
  'would',
  'sufficiently',
  'account',
  'for',
  'these',
  'appearances',
  '.'],
 ['Footnotes',
  'Four',
  'Beasts',
  'Flavius',
  'Vospicus',
  'says',
  ',',
  'that',
  'the',
  'hymn',
  'here',
  'introduced',
  'was',
  'sung',
  'by',
  'the',
  'rabble',
  'upon',
  'the',
  'occasion',
  'of',
  'Aurelian',
  ',',
  'in',
  'the',
  'Sarmatic',
  'war',
  ',',
  'having',
  'slain',
  ',',
  'with',
  'his',
  'own',
  'hand',
  ',',
  'nine',
  'hundred',
  'and',
  'fifty',
  'of',
  'the',
  'enemy',
  '.'],
 ['I', 'say', ',', 'when', 'they', 'git', 'ready', '.', '.', '.'],
 ['It',
  'was',
  'clear',
  'to',
  'me',
  'that',
  'the',
  'yea',
  'nay',
  'manner',
  'not',
  'to',
  'say',
  'the',
  'gentleness',
  'the',
  'positive',
  'forbearance',
  'with',
  'which',
  'the',
  '"',
  'Daddy',
  'Long',
  'Legs',
  '"',
  'spoke',
  'of',
  'that',
  'pig',
  ',',
  'the',
  'editor',
  'of',
  'the',
  '"',
  'Gad',
  'Fly',
  '"',
  'it',
  'was',
  'evident',
  'to',
  'me',
  ',',
  'I',
  'say',
  ',',
  'that',
  'this',
  'gentleness',
  'of',
  'speech',
  'could',
  'proceed',
  'from',
  'nothing',
  'else',
  'than',
  'a',
  'partiality',
  'for',
  'the',
  'Fly',
  'whom',
  'it',
  'was',
  'clearly',
  'the',
  'intention',
  'of',
  'the',
  '"',
  'Daddy',
  'Long',
  'Legs',
  '"',
  'to',
  'elevate',
  'into',
  'reputation',
  'at',
  'my',
  'expense',
  '.'],
 ['A',
  'single',
  'lightning',
  'bolt',
  'shot',
  'from',
  'the',
  'purple',
  'zenith',
  'to',
  'the',
  'altar',
  'stone',
  ',',
  'and',
  'a',
  'great',
  'tidal',
  'wave',
  'of',
  'viewless',
  'force',
  'and',
  'indescribable',
  'stench',
  'swept',
  'down',
  'from',
  'the',
  'hill',
  'to',
  'all',
  'the',
  'countryside',
  '.'],
 ['I',
  "'ve",
  'seen',
  'Wilbur',
  'Whateley',
  "'s",
  'diary',
  'and',
  'read',
  'some',
  'of',
  'the',
  'strange',
  'old',
  'books',
  'he',
  'used',
  'to',
  'read',
  ';',
  'and',
  'I',
  'think',
  'I',
  'know',
  'the',
  'right',
  'kind',
  'of',
  'spell',
  'to',
  'recite',
  'to',
  'make',
  'the',
  'thing',
  'fade',
  'away',
  '.'],
 ['Ruined',
  'castles',
  'hanging',
  'on',
  'the',
  'precipices',
  'of',
  'piny',
  'mountains',
  ',',
  'the',
  'impetuous',
  'Arve',
  ',',
  'and',
  'cottages',
  'every',
  'here',
  'and',
  'there',
  'peeping',
  'forth',
  'from',
  'among',
  'the',
  'trees',
  'formed',
  'a',
  'scene',
  'of',
  'singular',
  'beauty',
  '.'],
 ['And',
  'now',
  'he',
  'was',
  'equally',
  'resentful',
  'of',
  'awaking',
  ',',
  'for',
  'he',
  'had',
  'found',
  'his',
  'fabulous',
  'city',
  'after',
  'forty',
  'weary',
  'years',
  '.'],
 ['My',
  'name',
  'and',
  'origin',
  'need',
  'not',
  'be',
  'related',
  'to',
  'posterity',
  ';',
  'in',
  'fact',
  ',',
  'I',
  'fancy',
  'it',
  'is',
  'better',
  'that',
  'they',
  'should',
  'not',
  'be',
  ',',
  'for',
  'when',
  'a',
  'man',
  'suddenly',
  'migrates',
  'to',
  'the',
  'States',
  'or',
  'the',
  'Colonies',
  ',',
  'he',
  'leaves',
  'his',
  'past',
  'behind',
  'him',
  '.'],
 ['Where',
  'had',
  'they',
  'fled',
  'when',
  'the',
  'next',
  'morning',
  'I',
  'awoke',
  '?'],
 ['That',
  "'s",
  'haow',
  'the',
  'Kanakys',
  'got',
  'wind',
  'they',
  'was',
  'daown',
  'thar',
  '.'],
 ['I',
  'almost',
  'saw',
  'them',
  ',',
  'but',
  'I',
  'knew',
  'how',
  'to',
  'stop',
  '.'],
 ['They',
  'were',
  'formed',
  'for',
  'one',
  'another',
  'and',
  'they',
  'soon',
  'loved',
  '.'],
 ['Having',
  'pulled',
  'the',
  'bag',
  'up',
  'in',
  'this',
  'way',
  ',',
  'and',
  'formed',
  'a',
  'complete',
  'enclosure',
  'on',
  'all',
  'sides',
  ',',
  'and',
  'at',
  'bottom',
  ',',
  'it',
  'was',
  'now',
  'necessary',
  'to',
  'fasten',
  'up',
  'its',
  'top',
  'or',
  'mouth',
  ',',
  'by',
  'passing',
  'its',
  'material',
  'over',
  'the',
  'hoop',
  'of',
  'the',
  'net',
  'work',
  'in',
  'other',
  'words',
  ',',
  'between',
  'the',
  'net',
  'work',
  'and',
  'the',
  'hoop',
  '.'],
 ['I',
  'was',
  'indignant',
  'that',
  'he',
  'should',
  'sit',
  'at',
  'the',
  'same',
  'table',
  'with',
  'the',
  'companions',
  'of',
  'Raymond',
  'men',
  'of',
  'abandoned',
  'characters',
  ',',
  'or',
  'rather',
  'without',
  'any',
  ',',
  'the',
  'refuse',
  'of',
  'high',
  'bred',
  'luxury',
  ',',
  'the',
  'disgrace',
  'of',
  'their',
  'country',
  '.'],
 ['When',
  'Gilman',
  'stood',
  'up',
  'the',
  'tiles',
  'felt',
  'hot',
  'to',
  'his',
  'bare',
  'feet',
  '.'],
 ['At',
  'first',
  'the',
  'increase',
  'of',
  'sickness',
  'in',
  'spring',
  'brought',
  'increase',
  'of',
  'toil',
  'to',
  'such',
  'of',
  'us',
  ',',
  'who',
  ',',
  'as',
  'yet',
  'spared',
  'to',
  'life',
  ',',
  'bestowed',
  'our',
  'time',
  'and',
  'thoughts',
  'on',
  'our',
  'fellow',
  'creatures',
  '.'],
 ['What',
  'annoyed',
  'me',
  'was',
  'merely',
  'the',
  'persistent',
  'way',
  'in',
  'which',
  'the',
  'volume',
  'tended',
  'to',
  'fall',
  'open',
  'of',
  'itself',
  'at',
  'Plate',
  'XII',
  ',',
  'which',
  'represented',
  'in',
  'gruesome',
  'detail',
  'a',
  'butcher',
  "'s",
  'shop',
  'of',
  'the',
  'cannibal',
  'Anziques',
  '.'],
 ['The',
  'opinion',
  'must',
  'be',
  'rigorously',
  'the',
  'public',
  "'s",
  'own',
  ';',
  'and',
  'the',
  'distinction',
  'is',
  'often',
  'exceedingly',
  'difficult',
  'to',
  'perceive',
  'and',
  'to',
  'maintain',
  '.'],
 ['Many', 'were', 'quite', 'awry', '.'],
 ['Pratol',
  'on',
  'this',
  'very',
  'day',
  ',',
  'last',
  'year',
  ',',
  'to',
  'pay',
  'my',
  'parting',
  'respects',
  '.',
  '"'],
 ['He',
  'has',
  'never',
  'viewed',
  'from',
  'any',
  'steeple',
  'the',
  'glories',
  'of',
  'a',
  'metropolis',
  '.'],
 ['As',
  'I',
  'crawled',
  'into',
  'the',
  'stranded',
  'boat',
  'I',
  'realised',
  'that',
  'only',
  'one',
  'theory',
  'could',
  'explain',
  'my',
  'position',
  '.'],
 ["Haow'd",
  'ye',
  'like',
  'to',
  'hear',
  'what',
  'comes',
  'from',
  'that',
  'awful',
  'reef',
  'every',
  'May',
  'Eve',
  'an',
  "'",
  'Hallowmass',
  '?'],
 ['"',
  'Do',
  'you',
  'not',
  'know',
  ',',
  'my',
  'friends',
  ',',
  '"',
  'I',
  'said',
  ',',
  '"',
  'that',
  'the',
  'Earl',
  'himself',
  ',',
  'now',
  'Lord',
  'Protector',
  ',',
  'visits',
  'daily',
  ',',
  'not',
  'only',
  'those',
  'probably',
  'infected',
  'by',
  'this',
  'disease',
  ',',
  'but',
  'the',
  'hospitals',
  'and',
  'pest',
  'houses',
  ',',
  'going',
  'near',
  ',',
  'and',
  'even',
  'touching',
  'the',
  'sick',
  '?'],
 ['I',
  'am',
  'an',
  'unfortunate',
  'and',
  'deserted',
  'creature',
  ',',
  'I',
  'look',
  'around',
  'and',
  'I',
  'have',
  'no',
  'relation',
  'or',
  'friend',
  'upon',
  'earth',
  '.'],
 ['Presently',
  'the',
  'murmur',
  'of',
  'water',
  'fell',
  'gently',
  'upon',
  'my',
  'ear',
  'and',
  'in',
  'a',
  'few',
  'moments',
  'afterward',
  ',',
  'as',
  'I',
  'turned',
  'with',
  'the',
  'road',
  'somewhat',
  'more',
  'abruptly',
  'than',
  'hitherto',
  ',',
  'I',
  'became',
  'aware',
  'that',
  'a',
  'building',
  'of',
  'some',
  'kind',
  'lay',
  'at',
  'the',
  'foot',
  'of',
  'a',
  'gentle',
  'declivity',
  'just',
  'before',
  'me',
  '.'],
 ['There',
  'was',
  'a',
  'strain',
  'of',
  'morbidity',
  'there',
  ',',
  'and',
  'my',
  'mother',
  'had',
  'never',
  'encouraged',
  'my',
  'visiting',
  'her',
  'parents',
  'as',
  'a',
  'child',
  ',',
  'although',
  'she',
  'always',
  'welcomed',
  'her',
  'father',
  'when',
  'he',
  'came',
  'to',
  'Toledo',
  '.'],
 ['A',
  'man',
  'might',
  'be',
  'respected',
  'with',
  'only',
  'one',
  'of',
  'these',
  'advantages',
  ',',
  'but',
  'without',
  'either',
  'he',
  'was',
  'considered',
  ',',
  'except',
  'in',
  'very',
  'rare',
  'instances',
  ',',
  'as',
  'a',
  'vagabond',
  'and',
  'a',
  'slave',
  ',',
  'doomed',
  'to',
  'waste',
  'his',
  'powers',
  'for',
  'the',
  'profits',
  'of',
  'the',
  'chosen',
  'few',
  'And',
  'what',
  'was',
  'I',
  '?',
  'Of',
  'my',
  'creation',
  'and',
  'creator',
  'I',
  'was',
  'absolutely',
  'ignorant',
  ',',
  'but',
  'I',
  'knew',
  'that',
  'I',
  'possessed',
  'no',
  'money',
  ',',
  'no',
  'friends',
  ',',
  'no',
  'kind',
  'of',
  'property',
  '.'],
 ['For',
  'my',
  'own',
  'part',
  ',',
  'I',
  'intend',
  'to',
  'believe',
  'nothing',
  'henceforward',
  'that',
  'has',
  'anything',
  'of',
  'the',
  "'",
  'singular',
  "'",
  'about',
  'it',
  '.',
  '"'],
 ['In',
  'the',
  'open',
  'air',
  'alone',
  'I',
  'found',
  'relief',
  ';',
  'among',
  'nature',
  "'s",
  'beauteous',
  'works',
  ',',
  'her',
  'God',
  'reassumed',
  'his',
  'attribute',
  'of',
  'benevolence',
  ',',
  'and',
  'again',
  'I',
  'could',
  'trust',
  'that',
  'he',
  'who',
  'built',
  'up',
  'the',
  'mountains',
  ',',
  'planted',
  'the',
  'forests',
  ',',
  'and',
  'poured',
  'out',
  'the',
  'rivers',
  ',',
  'would',
  'erect',
  'another',
  'state',
  'for',
  'lost',
  'humanity',
  ',',
  'where',
  'we',
  'might',
  'awaken',
  'again',
  'to',
  'our',
  'affections',
  ',',
  'our',
  'happiness',
  ',',
  'and',
  'our',
  'faith',
  '.'],
 ['Sir',
  'Wade',
  'was',
  ',',
  'indeed',
  ',',
  'most',
  'peculiar',
  'in',
  'his',
  'solicitude',
  'for',
  'his',
  'family',
  ';',
  'for',
  'when',
  'he',
  'returned',
  'to',
  'Africa',
  'he',
  'would',
  'permit',
  'no',
  'one',
  'to',
  'care',
  'for',
  'his',
  'young',
  'son',
  'save',
  'a',
  'loathsome',
  'black',
  'woman',
  'from',
  'Guinea',
  '.'],
 ['The',
  'tent',
  'of',
  'the',
  'Arab',
  'is',
  'fallen',
  'in',
  'the',
  'sands',
  ',',
  'and',
  'his',
  'horse',
  'spurns',
  'the',
  'ground',
  'unbridled',
  'and',
  'unsaddled',
  '.'],
 ['I',
  'was',
  'celebrating',
  'my',
  'coming',
  'of',
  'age',
  'by',
  'a',
  'tour',
  'of',
  'New',
  'England',
  'sightseeing',
  ',',
  'antiquarian',
  ',',
  'and',
  'genealogical',
  'and',
  'had',
  'planned',
  'to',
  'go',
  'directly',
  'from',
  'ancient',
  'Newburyport',
  'to',
  'Arkham',
  ',',
  'whence',
  'my',
  'mother',
  "'s",
  'family',
  'was',
  'derived',
  '.'],
 ['Again', ',', 'quite', 'a', 'respectable', 'diddle', 'is', 'this', '.'],
 ['I',
  'replied',
  'that',
  'I',
  'had',
  'entire',
  'confidence',
  'in',
  'his',
  'superior',
  'delicacy',
  'of',
  'feeling',
  ',',
  'and',
  'would',
  'abide',
  'by',
  'what',
  'he',
  'proposed',
  '.'],
 ['Do',
  "n't",
  'say',
  'a',
  'syllable',
  'about',
  'the',
  'Infernal',
  'Twoness',
  '.'],
 ['Yet',
  'some',
  'feelings',
  ',',
  'unallied',
  'to',
  'the',
  'dross',
  'of',
  'human',
  'nature',
  ',',
  'beat',
  'even',
  'in',
  'these',
  'rugged',
  'bosoms',
  '.'],
 ['It',
  'was',
  'in',
  'devoting',
  'his',
  'enormous',
  'wealth',
  'to',
  'the',
  'embodiment',
  'of',
  'a',
  'vision',
  'such',
  'as',
  'this',
  'in',
  'the',
  'free',
  'exercise',
  'in',
  'the',
  'open',
  'air',
  'ensured',
  'by',
  'the',
  'personal',
  'superintendence',
  'of',
  'his',
  'plans',
  'in',
  'the',
  'unceasing',
  'object',
  'which',
  'these',
  'plans',
  'afforded',
  'in',
  'the',
  'high',
  'spirituality',
  'of',
  'the',
  'object',
  'in',
  'the',
  'contempt',
  'of',
  'ambition',
  'which',
  'it',
  'enabled',
  'him',
  'truly',
  'to',
  'feel',
  'in',
  'the',
  'perennial',
  'springs',
  'with',
  'which',
  'it',
  'gratified',
  ',',
  'without',
  'possibility',
  'of',
  'satiating',
  ',',
  'that',
  'one',
  'master',
  'passion',
  'of',
  'his',
  'soul',
  ',',
  'the',
  'thirst',
  'for',
  'beauty',
  ',',
  'above',
  'all',
  ',',
  'it',
  'was',
  'in',
  'the',
  'sympathy',
  'of',
  'a',
  'woman',
  ',',
  'not',
  'unwomanly',
  ',',
  'whose',
  'loveliness',
  'and',
  'love',
  'enveloped',
  'his',
  'existence',
  'in',
  'the',
  'purple',
  'atmosphere',
  'of',
  'Paradise',
  ',',
  'that',
  'Ellison',
  'thought',
  'to',
  'find',
  ',',
  'and',
  'found',
  ',',
  'exemption',
  'from',
  'the',
  'ordinary',
  'cares',
  'of',
  'humanity',
  ',',
  'with',
  'a',
  'far',
  'greater',
  'amount',
  'of',
  'positive',
  'happiness',
  'than',
  'ever',
  'glowed',
  'in',
  'the',
  'rapt',
  'day',
  'dreams',
  'of',
  'De',
  'Stael',
  '.'],
 ['Each',
  'is',
  'sure',
  'that',
  'it',
  'was',
  'not',
  'the',
  'voice',
  'of',
  'one',
  'of',
  'his',
  'own',
  'countrymen',
  '.'],
 ['Once',
  'my',
  'fancy',
  'was',
  'soothed',
  'with',
  'dreams',
  'of',
  'virtue',
  ',',
  'of',
  'fame',
  ',',
  'and',
  'of',
  'enjoyment',
  '.'],
 ['Idris',
  'sat',
  'at',
  'the',
  'top',
  'of',
  'the',
  'half',
  'empty',
  'hall',
  '.'],
 ['The',
  'main',
  'event',
  'detailed',
  'in',
  'the',
  'Signor',
  "'s",
  'narrative',
  'depends',
  'upon',
  'a',
  'very',
  'important',
  'fact',
  ',',
  'of',
  'which',
  'the',
  'reader',
  'is',
  'kept',
  'in',
  'ignorance',
  'until',
  'near',
  'the',
  'end',
  'of',
  'the',
  'book',
  '.'],
 ['Remember',
  ',',
  'thou',
  'hast',
  'made',
  'me',
  'more',
  'powerful',
  'than',
  'thyself',
  ';',
  'my',
  'height',
  'is',
  'superior',
  'to',
  'thine',
  ',',
  'my',
  'joints',
  'more',
  'supple',
  '.'],
 ['Then',
  'he',
  'thought',
  'he',
  'heerd',
  'another',
  'faint',
  'like',
  'saound',
  'over',
  'towards',
  'Wizard',
  'Whateley',
  "'s",
  'a',
  'kinder',
  'rippin',
  "'",
  'or',
  'tearin',
  "'",
  'o',
  "'",
  'wood',
  ',',
  'like',
  'some',
  'big',
  'box',
  'er',
  'crate',
  'was',
  'bein',
  "'",
  'opened',
  'fur',
  'off',
  '.'],
 ['Presently',
  'they',
  'began',
  'to',
  'gather',
  'renewed',
  'force',
  'and',
  'coherence',
  'as',
  'they',
  'grew',
  'in',
  'stark',
  ',',
  'utter',
  ',',
  'ultimate',
  'frenzy',
  '.'],
 ['And',
  'where',
  'Nyarlathotep',
  'went',
  ',',
  'rest',
  'vanished',
  ';',
  'for',
  'the',
  'small',
  'hours',
  'were',
  'rent',
  'with',
  'the',
  'screams',
  'of',
  'nightmare',
  '.'],
 ['Nor',
  'was',
  'I',
  'indeed',
  'ignorant',
  'of',
  'the',
  'flowers',
  'and',
  'the',
  'vine',
  'but',
  'the',
  'hemlock',
  'and',
  'the',
  'cypress',
  'overshadowed',
  'me',
  'night',
  'and',
  'day',
  '.'],
 ['The',
  'sound',
  'drives',
  'him',
  'mad',
  ',',
  'and',
  ',',
  'accordingly',
  ',',
  'pulling',
  'out',
  'his',
  'tablets',
  ',',
  'he',
  'gives',
  'a',
  'record',
  'of',
  'his',
  'sensations',
  '.'],
 ['My',
  'own',
  'case',
  'differed',
  'in',
  'no',
  'important',
  'particular',
  'from',
  'those',
  'mentioned',
  'in',
  'medical',
  'books',
  '.'],
 ['It',
  'was',
  'unspeakably',
  'shocking',
  ',',
  'and',
  'I',
  'do',
  'not',
  'see',
  'how',
  'I',
  'lived',
  'through',
  'it',
  '.'],
 ['Yes',
  'he',
  'was',
  'really',
  'forming',
  'words',
  ',',
  'and',
  'I',
  'could',
  'grasp',
  'a',
  'fair',
  'proportion',
  'of',
  'them',
  '.'],
 ['Meantime',
  'the',
  'machine',
  'rapidly',
  'soared',
  ',',
  'while',
  'my',
  'strength',
  'even',
  'more',
  'rapidly',
  'failed',
  '.'],
 ['He',
  'had',
  'refused',
  'to',
  'take',
  'pay',
  'for',
  'it',
  ',',
  'and',
  'only',
  'long',
  'afterward',
  'did',
  'I',
  'guess',
  'why',
  '.'],
 ['Examining',
  'the',
  'great',
  'tree',
  'where',
  'it',
  'had',
  'lurked',
  ',',
  'I',
  'could',
  'discern',
  'no',
  'distinctive',
  'marks',
  '.'],
 ['This',
  'bower',
  'was',
  'my',
  'temple',
  ',',
  'the',
  'fastened',
  'door',
  'my',
  'shrine',
  ',',
  'and',
  'here',
  'I',
  'would',
  'lie',
  'outstretched',
  'on',
  'the',
  'mossy',
  'ground',
  ',',
  'thinking',
  'strange',
  'thoughts',
  'and',
  'dreaming',
  'strange',
  'dreams',
  '.'],
 ['Their', 'tickings', 'came', 'sonorously', 'to', 'my', 'ears', '.'],
 ['There',
  'were',
  'rumblings',
  'under',
  'the',
  'hills',
  'that',
  'night',
  ',',
  'and',
  'the',
  'whippoorwills',
  'piped',
  'threateningly',
  '.'],
 ['The',
  'note',
  'arriving',
  'at',
  'maturity',
  ',',
  'the',
  'diddler',
  ',',
  'with',
  'the',
  'diddler',
  "'s",
  'dog',
  ',',
  'calls',
  'upon',
  'the',
  'friend',
  ',',
  'and',
  'the',
  'promise',
  'to',
  'pay',
  'is',
  'made',
  'the',
  'topic',
  'of',
  'discussion',
  '.'],
 ['A',
  'weekly',
  'paper',
  ',',
  'Le',
  'Soleil',
  ',',
  'had',
  'the',
  'following',
  'comments',
  'upon',
  'this',
  'discovery',
  'comments',
  'which',
  'merely',
  'echoed',
  'the',
  'sentiment',
  'of',
  'the',
  'whole',
  'Parisian',
  'press',
  ':',
  '"',
  'The',
  'things',
  'had',
  'all',
  'evidently',
  'been',
  'there',
  'at',
  'least',
  'three',
  'or',
  'four',
  'weeks',
  ';',
  'they',
  'were',
  'all',
  'mildewed',
  'down',
  'hard',
  'with',
  'the',
  'action',
  'of',
  'the',
  'rain',
  'and',
  'stuck',
  'together',
  'from',
  'mildew',
  '.'],
 ['I',
  'administered',
  'the',
  'fitting',
  'remedies',
  ',',
  'and',
  'left',
  'my',
  'sweet',
  'niece',
  'to',
  'watch',
  'beside',
  'him',
  ',',
  'and',
  'bring',
  'me',
  'notice',
  'of',
  'any',
  'change',
  'she',
  'should',
  'observe',
  '.'],
 ['"',
  'By',
  'casting',
  'your',
  'eye',
  'down',
  'almost',
  'any',
  'page',
  'of',
  'any',
  'book',
  'in',
  'the',
  'world',
  ',',
  'you',
  'will',
  'be',
  'able',
  'to',
  'perceive',
  'at',
  'once',
  'a',
  'host',
  'of',
  'little',
  'scraps',
  'of',
  'either',
  'learning',
  'or',
  'bel',
  'espritism',
  ',',
  'which',
  'are',
  'the',
  'very',
  'thing',
  'for',
  'the',
  'spicing',
  'of',
  'a',
  'Blackwood',
  'article',
  '.'],
 ['Results',
  ',',
  'I',
  'am',
  'certain',
  ',',
  'are',
  'so',
  'thorough',
  'that',
  'no',
  'public',
  'harm',
  'save',
  'a',
  'shock',
  'of',
  'repulsion',
  'could',
  'ever',
  'accrue',
  'from',
  'a',
  'hinting',
  'of',
  'what',
  'was',
  'found',
  'by',
  'those',
  'horrified',
  'raiders',
  'at',
  'Innsmouth',
  '.'],
 ['"', 'Get', 'well', 'and', 'return', 'to', 'us', '.'],
 ['Mostly',
  'we',
  'held',
  'to',
  'the',
  'theory',
  'that',
  'we',
  'were',
  'jointly',
  'going',
  'mad',
  'from',
  'our',
  'life',
  'of',
  'unnatural',
  'excitements',
  ',',
  'but',
  'sometimes',
  'it',
  'pleased',
  'us',
  'more',
  'to',
  'dramatise',
  'ourselves',
  'as',
  'the',
  'victims',
  'of',
  'some',
  'creeping',
  'and',
  'appalling',
  'doom',
  '.'],
 ['He',
  'was',
  'vaguely',
  'glad',
  'they',
  'were',
  'locked',
  ',',
  'because',
  'the',
  'more',
  'he',
  'saw',
  'of',
  'that',
  'house',
  'the',
  'less',
  'he',
  'wished',
  'to',
  'get',
  'in',
  '.'],
 ['Outside',
  ',',
  'the',
  'moon',
  'played',
  'on',
  'the',
  'ridgepole',
  'of',
  'the',
  'block',
  'below',
  ',',
  'and',
  'I',
  'saw',
  'that',
  'the',
  'jump',
  'would',
  'be',
  'desperately',
  'hazardous',
  'because',
  'of',
  'the',
  'steep',
  'surface',
  'on',
  'which',
  'I',
  'must',
  'land',
  '.'],
 ['But',
  'a',
  'bitter',
  'thought',
  'swiftly',
  'shadowed',
  'her',
  'joy',
  ';',
  'she',
  'bent',
  'her',
  'eyes',
  'on',
  'the',
  'ground',
  ',',
  'endeavouring',
  'to',
  'master',
  'the',
  'passion',
  'of',
  'tears',
  'that',
  'threatened',
  'to',
  'overwhelm',
  'her',
  '.'],
 ['Its',
  'pleasant',
  'places',
  'were',
  'deserted',
  ';',
  'its',
  'temples',
  'and',
  'palaces',
  'were',
  'converted',
  'into',
  'tombs',
  ';',
  'its',
  'energies',
  ',',
  'bent',
  'before',
  'towards',
  'the',
  'highest',
  'objects',
  'of',
  'human',
  'ambition',
  ',',
  'were',
  'now',
  'forced',
  'to',
  'converge',
  'to',
  'one',
  'point',
  ',',
  'the',
  'guarding',
  'against',
  'the',
  'innumerous',
  'arrows',
  'of',
  'the',
  'plague',
  '.'],
 ['I',
  'told',
  'him',
  ',',
  'he',
  "shou'd",
  'not',
  'try',
  'to',
  'pasquinade',
  'the',
  'Source',
  'of',
  'his',
  'sy',
  '.'],
 ['But',
  'it',
  'was',
  'not',
  'so',
  ';',
  'thou',
  'didst',
  'seek',
  'my',
  'extinction',
  ',',
  'that',
  'I',
  'might',
  'not',
  'cause',
  'greater',
  'wretchedness',
  ';',
  'and',
  'if',
  'yet',
  ',',
  'in',
  'some',
  'mode',
  'unknown',
  'to',
  'me',
  ',',
  'thou',
  'hadst',
  'not',
  'ceased',
  'to',
  'think',
  'and',
  'feel',
  ',',
  'thou',
  'wouldst',
  'not',
  'desire',
  'against',
  'me',
  'a',
  'vengeance',
  'greater',
  'than',
  'that',
  'which',
  'I',
  'feel',
  '.'],
 ['I',
  'approached',
  'and',
  'saw',
  ',',
  'as',
  'if',
  'graven',
  'in',
  'bas',
  'relief',
  'upon',
  'the',
  'white',
  'surface',
  ',',
  'the',
  'figure',
  'of',
  'a',
  'gigantic',
  'cat',
  '.'],
 ['Nothing',
  'of',
  'importance',
  'occurred',
  ',',
  'and',
  'I',
  'passed',
  'the',
  'day',
  'in',
  'reading',
  ',',
  'having',
  'taken',
  'care',
  'to',
  'supply',
  'myself',
  'with',
  'books',
  '.'],
 ['We',
  'had',
  'many',
  'foreign',
  'friends',
  'whom',
  'we',
  'eagerly',
  'sought',
  'out',
  ',',
  'and',
  'relieved',
  'from',
  'dreadful',
  'penury',
  '.'],
 ['I', 'had', 'been', 'advised', 'to', 'study', 'Cousin', '.'],
 ['"', 'One', '"', 'said', 'the', 'clock', '.'],
 ['Excavated',
  'back',
  'into',
  'the',
  'hillside',
  ',',
  'the',
  'structure',
  'is',
  'visible',
  'only',
  'at',
  'the',
  'entrance',
  '.'],
 ['Once',
  'for',
  'me',
  ',',
  'you',
  'relinquished',
  'the',
  'prospect',
  'of',
  'a',
  'crown',
  '.'],
 ['One',
  'could',
  'not',
  'be',
  'sure',
  'that',
  'the',
  'sea',
  'and',
  'the',
  'ground',
  'were',
  'horizontal',
  ',',
  'hence',
  'the',
  'relative',
  'position',
  'of',
  'everything',
  'else',
  'seemed',
  'phantasmally',
  'variable',
  '.'],
 ['Thus',
  ',',
  'sweetest',
  ',',
  'I',
  'shall',
  'not',
  'appear',
  'to',
  'die',
  '.'],
 ['He',
  'seemed',
  'the',
  'favourite',
  'child',
  'of',
  'fortune',
  ',',
  'and',
  'his',
  'untimely',
  'loss',
  'eclipsed',
  'the',
  'world',
  ',',
  'and',
  'shewed',
  'forth',
  'the',
  'remnant',
  'of',
  'mankind',
  'with',
  'diminished',
  'lustre',
  '.'],
 ['This',
  'was',
  'a',
  'lesson',
  'which',
  'I',
  'took',
  'desperately',
  'to',
  'heart',
  '.'],
 ['As',
  'I',
  'hung',
  'back',
  ',',
  'the',
  'old',
  'man',
  'produced',
  'his',
  'stylus',
  'and',
  'tablet',
  'and',
  'wrote',
  'that',
  'he',
  'was',
  'the',
  'true',
  'deputy',
  'of',
  'my',
  'fathers',
  'who',
  'had',
  'founded',
  'the',
  'Yule',
  'worship',
  'in',
  'this',
  'ancient',
  'place',
  ';',
  'that',
  'it',
  'had',
  'been',
  'decreed',
  'I',
  'should',
  'come',
  'back',
  ',',
  'and',
  'that',
  'the',
  'most',
  'secret',
  'mysteries',
  'were',
  'yet',
  'to',
  'be',
  'performed',
  '.'],
 ['Peasants',
  'had',
  'told',
  'them',
  'they',
  'were',
  'near',
  ',',
  'and',
  'Iranon',
  'knew',
  'that',
  'this',
  'was',
  'not',
  'his',
  'native',
  'city',
  'of',
  'Aira',
  '.'],
 ['Should',
  'they',
  'even',
  'trace',
  'the',
  'animal',
  ',',
  'it',
  'would',
  'be',
  'impossible',
  'to',
  'prove',
  'me',
  'cognizant',
  'of',
  'the',
  'murder',
  ',',
  'or',
  'to',
  'implicate',
  'me',
  'in',
  'guilt',
  'on',
  'account',
  'of',
  'that',
  'cognizance',
  '.'],
 ['Then',
  'the',
  'glass',
  'broke',
  'shiveringly',
  'under',
  'the',
  'persistent',
  'impacts',
  ',',
  'and',
  'the',
  'chill',
  'wind',
  'rushed',
  'in',
  ',',
  'making',
  'the',
  'candles',
  'sputter',
  'and',
  'rustling',
  'the',
  'sheets',
  'of',
  'paper',
  'on',
  'the',
  'table',
  'where',
  'Zann',
  'had',
  'begun',
  'to',
  'write',
  'out',
  'his',
  'horrible',
  'secret',
  '.'],
 ['The',
  'gentlemen',
  'said',
  'little',
  'about',
  'her',
  ';',
  'but',
  'the',
  'ladies',
  ',',
  'in',
  'a',
  'little',
  'while',
  ',',
  'pronounced',
  'her',
  '"',
  'a',
  'good',
  'hearted',
  'thing',
  ',',
  'rather',
  'indifferent',
  'looking',
  ',',
  'totally',
  'uneducated',
  ',',
  'and',
  'decidedly',
  'vulgar',
  '.',
  '"'],
 ['"',
  'Nor',
  'is',
  'it',
  'to',
  'be',
  'thought',
  ',',
  '"',
  'ran',
  'the',
  'text',
  'as',
  'Armitage',
  'mentally',
  'translated',
  'it',
  ',',
  '"',
  'that',
  'man',
  'is',
  'either',
  'the',
  'oldest',
  'or',
  'the',
  'last',
  'of',
  'earth',
  "'s",
  'masters',
  ',',
  'or',
  'that',
  'the',
  'common',
  'bulk',
  'of',
  'life',
  'and',
  'substance',
  'walks',
  'alone',
  '.'],
 ['Now',
  'also',
  'that',
  'our',
  'children',
  'gave',
  'us',
  'occupation',
  ',',
  'we',
  'found',
  'excuses',
  'for',
  'our',
  'idleness',
  ',',
  'in',
  'the',
  'idea',
  'of',
  'bringing',
  'them',
  'up',
  'to',
  'a',
  'more',
  'splendid',
  'career',
  '.'],
 ['As',
  'the',
  'moon',
  'climbed',
  'higher',
  'in',
  'the',
  'sky',
  ',',
  'I',
  'began',
  'to',
  'see',
  'that',
  'the',
  'slopes',
  'of',
  'the',
  'valley',
  'were',
  'not',
  'quite',
  'so',
  'perpendicular',
  'as',
  'I',
  'had',
  'imagined',
  '.'],
 ['In',
  'the',
  'meantime',
  ',',
  'the',
  'lunatics',
  'had',
  'a',
  'jolly',
  'season',
  'of',
  'it',
  'that',
  'you',
  'may',
  'swear',
  '.'],
 ['Idris',
  'endeavoured',
  'to',
  'calm',
  'Perdita',
  ';',
  'but',
  'the',
  'poor',
  'girl',
  "'s",
  'agitation',
  'deprived',
  'her',
  'of',
  'all',
  'power',
  'of',
  'self',
  'command',
  '.'],
 ['There',
  'is',
  'one',
  'dear',
  'topic',
  ',',
  'however',
  ',',
  'on',
  'which',
  'my',
  'memory',
  'fails',
  'me',
  'not',
  '.'],
 ['There',
  'too',
  'were',
  'forms',
  'and',
  'fantasies',
  'more',
  'splendid',
  'than',
  'any',
  'I',
  'had',
  'ever',
  'known',
  ';',
  'the',
  'visions',
  'of',
  'young',
  'poets',
  'who',
  'died',
  'in',
  'want',
  'before',
  'the',
  'world',
  'could',
  'learn',
  'of',
  'what',
  'they',
  'had',
  'seen',
  'and',
  'dreamed',
  '.'],
 ['"',
  'Yes',
  ',',
  'I',
  'perceive',
  ';',
  'and',
  'now',
  'there',
  'is',
  'only',
  'one',
  'point',
  'which',
  'puzzles',
  'me',
  '.'],
 ['An',
  'inappropriate',
  'hour',
  ',',
  'a',
  'jarring',
  'lighting',
  'effect',
  ',',
  'or',
  'a',
  'clumsy',
  'manipulation',
  'of',
  'the',
  'damp',
  'sod',
  ',',
  'would',
  'almost',
  'totally',
  'destroy',
  'for',
  'us',
  'that',
  'ecstatic',
  'titillation',
  'which',
  'followed',
  'the',
  'exhumation',
  'of',
  'some',
  'ominous',
  ',',
  'grinning',
  'secret',
  'of',
  'the',
  'earth',
  '.'],
 ['But',
  'I',
  'consented',
  'to',
  'listen',
  ',',
  'and',
  'seating',
  'myself',
  'by',
  'the',
  'fire',
  'which',
  'my',
  'odious',
  'companion',
  'had',
  'lighted',
  ',',
  'he',
  'thus',
  'began',
  'his',
  'tale',
  '.'],
 ['Our',
  'own',
  'vessel',
  'was',
  'at',
  'length',
  'ceasing',
  'from',
  'her',
  'struggles',
  ',',
  'and',
  'sinking',
  'with',
  'her',
  'head',
  'to',
  'the',
  'sea',
  '.'],
 ['This',
  'young',
  'gentleman',
  'was',
  'remarkable',
  'in',
  'every',
  'respect',
  ',',
  'and',
  'excited',
  'in',
  'me',
  'a',
  'profound',
  'interest',
  'and',
  'curiosity',
  '.'],
 ['And',
  'now',
  'my',
  'own',
  'casual',
  'self',
  'suggestion',
  'that',
  'I',
  'might',
  'possibly',
  'be',
  'fool',
  'enough',
  'to',
  'confess',
  'the',
  'murder',
  'of',
  'which',
  'I',
  'had',
  'been',
  'guilty',
  ',',
  'confronted',
  'me',
  ',',
  'as',
  'if',
  'the',
  'very',
  'ghost',
  'of',
  'him',
  'whom',
  'I',
  'had',
  'murdered',
  'and',
  'beckoned',
  'me',
  'on',
  'to',
  'death',
  '.'],
 ['At',
  'a',
  'distance',
  'from',
  'facts',
  'one',
  'draws',
  'conclusions',
  'which',
  'appear',
  'infallible',
  ',',
  'which',
  'yet',
  'when',
  'put',
  'to',
  'the',
  'test',
  'of',
  'reality',
  ',',
  'vanish',
  'like',
  'unreal',
  'dreams',
  '.'],
 ['They',
  'know',
  'our',
  'infantine',
  'dispositions',
  ',',
  'which',
  ',',
  'however',
  'they',
  'may',
  'be',
  'afterwards',
  'modified',
  ',',
  'are',
  'never',
  'eradicated',
  ';',
  'and',
  'they',
  'can',
  'judge',
  'of',
  'our',
  'actions',
  'with',
  'more',
  'certain',
  'conclusions',
  'as',
  'to',
  'the',
  'integrity',
  'of',
  'our',
  'motives',
  '.'],
 ['"',
  'I',
  'may',
  'state',
  'the',
  'system',
  ',',
  'then',
  ',',
  'in',
  'general',
  'terms',
  ',',
  'as',
  'one',
  'in',
  'which',
  'the',
  'patients',
  'were',
  'menages',
  'humored',
  '.'],
 ['Among',
  'the',
  'agonies',
  'of',
  'these',
  'after',
  'days',
  'is',
  'that',
  'chief',
  'of',
  'torments',
  'inarticulateness',
  '.'],
 ['This',
  'morning',
  ',',
  'as',
  'I',
  'sat',
  'watching',
  'the',
  'wan',
  'countenance',
  'of',
  'my',
  'friend',
  'his',
  'eyes',
  'half',
  'closed',
  'and',
  'his',
  'limbs',
  'hanging',
  'listlessly',
  'I',
  'was',
  'roused',
  'by',
  'half',
  'a',
  'dozen',
  'of',
  'the',
  'sailors',
  ',',
  'who',
  'demanded',
  'admission',
  'into',
  'the',
  'cabin',
  '.'],
 ['How',
  'very',
  'safe',
  ',',
  'commodious',
  ',',
  'manageable',
  ',',
  'and',
  'in',
  'every',
  'respect',
  'convenient',
  'are',
  'our',
  'modern',
  'balloons',
  'Here',
  'is',
  'an',
  'immense',
  'one',
  'approaching',
  'us',
  'at',
  'the',
  'rate',
  'of',
  'at',
  'least',
  'a',
  'hundred',
  'and',
  'fifty',
  'miles',
  'an',
  'hour',
  '.'],
 ['We',
  'visited',
  'the',
  'north',
  'of',
  'England',
  ',',
  'my',
  'native',
  'Ulswater',
  ',',
  'and',
  'lingered',
  'in',
  'scenes',
  'dear',
  'from',
  'a',
  'thousand',
  'associations',
  '.'],
 ['This', 'was', 'superstition', '.'],
 ['I',
  'can',
  'still',
  'see',
  'Herbert',
  'West',
  'under',
  'the',
  'sinister',
  'electric',
  'light',
  'as',
  'he',
  'injected',
  'his',
  'reanimating',
  'solution',
  'into',
  'the',
  'arm',
  'of',
  'the',
  'headless',
  'body',
  '.'],
 ['Sir',
  'David',
  'Brewster',
  'states',
  'the',
  'figure',
  'of',
  'the',
  'Turk',
  'to',
  'be',
  'of',
  'the',
  'size',
  'of',
  'life',
  'but',
  'in',
  'fact',
  'it',
  'is',
  'far',
  'above',
  'the',
  'ordinary',
  'size',
  '.'],
 ['There',
  'was',
  'another',
  'sound',
  ',',
  'too',
  'a',
  'kind',
  'of',
  'wholesale',
  ',',
  'colossal',
  'flopping',
  'or',
  'pattering',
  'which',
  'somehow',
  'called',
  'up',
  'images',
  'of',
  'the',
  'most',
  'detestable',
  'sort',
  '.'],
 ['When',
  'he',
  'entered',
  'the',
  'city',
  ',',
  'past',
  'the',
  'bronze',
  'gates',
  'and',
  'over',
  'the',
  'onyx',
  'pavements',
  ',',
  'the',
  'merchants',
  'and',
  'camel',
  'drivers',
  'greeted',
  'him',
  'as',
  'if',
  'he',
  'had',
  'never',
  'been',
  'away',
  ';',
  'and',
  'it',
  'was',
  'the',
  'same',
  'at',
  'the',
  'turquoise',
  'temple',
  'of',
  'Nath',
  'Horthath',
  ',',
  'where',
  'the',
  'orchid',
  'wreathed',
  'priests',
  'told',
  'him',
  'that',
  'there',
  'is',
  'no',
  'time',
  'in',
  'Ooth',
  'Nargai',
  ',',
  'but',
  'only',
  'perpetual',
  'youth',
  '.'],
 ['Finally',
  ',',
  'all',
  'men',
  'saw',
  'that',
  'astronomical',
  'knowledge',
  'lied',
  'not',
  ',',
  'and',
  'they',
  'awaited',
  'the',
  'comet',
  '.'],
 ['But',
  'the',
  'nucleus',
  'of',
  'the',
  'destroyer',
  'was',
  'now',
  'upon',
  'us',
  ';',
  'even',
  'here',
  'in',
  'Aidenn',
  ',',
  'I',
  'shudder',
  'while',
  'I',
  'speak',
  '.'],
 ['"',
  'I',
  'am',
  'now',
  'awaiting',
  ',',
  '"',
  'continued',
  'he',
  ',',
  'looking',
  'toward',
  'the',
  'door',
  'of',
  'our',
  'apartment',
  '"',
  'I',
  'am',
  'now',
  'awaiting',
  'a',
  'person',
  'who',
  ',',
  'although',
  'perhaps',
  'not',
  'the',
  'perpetrator',
  'of',
  'these',
  'butcheries',
  ',',
  'must',
  'have',
  'been',
  'in',
  'some',
  'measure',
  'implicated',
  'in',
  'their',
  'perpetration',
  '.'],
 ['None',
  'but',
  'those',
  'who',
  'have',
  'experienced',
  'them',
  'can',
  'conceive',
  'of',
  'the',
  'enticements',
  'of',
  'science',
  '.'],
 ['"',
  'And',
  'now',
  ',',
  'Dupin',
  ',',
  'what',
  'would',
  'you',
  'advise',
  'me',
  'to',
  'do',
  '?',
  '"',
  '"',
  'To',
  'make',
  'a',
  'thorough',
  're',
  'search',
  'of',
  'the',
  'premises',
  '.',
  '"'],
 ['Close',
  'by',
  'my',
  'home',
  'there',
  'lies',
  'a',
  'singular',
  'wooded',
  'hollow',
  ',',
  'in',
  'whose',
  'twilight',
  'deeps',
  'I',
  'spent',
  'most',
  'of',
  'my',
  'time',
  ';',
  'reading',
  ',',
  'thinking',
  ',',
  'and',
  'dreaming',
  '.'],
 ['She',
  ',',
  'however',
  ',',
  'shunned',
  'society',
  ',',
  'and',
  ',',
  'attaching',
  'herself',
  'to',
  'me',
  'alone',
  'rendered',
  'me',
  'happy',
  '.'],
 ['I',
  'followed',
  'the',
  'windings',
  'of',
  'this',
  'pass',
  'with',
  'much',
  'interest',
  '.'],
 ['"',
  'Three',
  'Four',
  'Five',
  'Six',
  'Seven',
  'Eight',
  'Nine',
  'Ten',
  '"',
  'said',
  'the',
  'bell',
  '.'],
 ['After',
  'passing',
  'several',
  'hours',
  ',',
  'we',
  'returned',
  'hopeless',
  ',',
  'most',
  'of',
  'my',
  'companions',
  'believing',
  'it',
  'to',
  'have',
  'been',
  'a',
  'form',
  'conjured',
  'up',
  'by',
  'my',
  'fancy',
  '.'],
 ['I',
  'must',
  'do',
  'him',
  'the',
  'justice',
  'to',
  'say',
  ',',
  'however',
  ',',
  'that',
  'when',
  'he',
  'made',
  'up',
  'his',
  'mind',
  'finally',
  'to',
  'settle',
  'in',
  'that',
  'town',
  ',',
  'it',
  'was',
  'under',
  'the',
  'impression',
  'that',
  'no',
  'newspaper',
  ',',
  'and',
  'consequently',
  'no',
  'editor',
  ',',
  'existed',
  'in',
  'that',
  'particular',
  'section',
  'of',
  'the',
  'country',
  '.'],
 ['It',
  'was',
  'that',
  'of',
  'a',
  'man',
  'clad',
  'in',
  'a',
  'skull',
  'cap',
  'and',
  'long',
  'mediaeval',
  'tunic',
  'of',
  'dark',
  'colour',
  '.'],
 ['The',
  'stars',
  'came',
  'out',
  ',',
  'shedding',
  'their',
  'ineffectual',
  'glimmerings',
  'on',
  'the',
  'light',
  'widowed',
  'earth',
  '.'],
 ['Saw',
  'one',
  'of',
  'them',
  'picked',
  'up',
  'by',
  'a',
  'large',
  'ship',
  'seemingly',
  'one',
  'of',
  'the',
  'New',
  'York',
  'line',
  'packets',
  '.'],
 ['And',
  'then',
  'came',
  ',',
  'as',
  'if',
  'to',
  'my',
  'final',
  'and',
  'irrevocable',
  'overthrow',
  ',',
  'the',
  'spirit',
  'of',
  'PERVERSENESS',
  '.'],
 ['But', 'Johansen', 'had', 'not', 'given', 'out', 'yet', '.'],
 ['The', 'city', 'was', 'in', 'comparative', 'repose', '.'],
 ['I',
  'covered',
  'it',
  'carefully',
  'with',
  'dry',
  'wood',
  'and',
  'leaves',
  'and',
  'placed',
  'wet',
  'branches',
  'upon',
  'it',
  ';',
  'and',
  'then',
  ',',
  'spreading',
  'my',
  'cloak',
  ',',
  'I',
  'lay',
  'on',
  'the',
  'ground',
  'and',
  'sank',
  'into',
  'sleep',
  '.'],
 ['But',
  'there',
  'seemed',
  'to',
  'have',
  'sprung',
  'up',
  'in',
  'the',
  'brain',
  ',',
  'that',
  'of',
  'which',
  'no',
  'words',
  'could',
  'convey',
  'to',
  'the',
  'merely',
  'human',
  'intelligence',
  'even',
  'an',
  'indistinct',
  'conception',
  '.'],
 ['This',
  'is',
  'about',
  'all',
  'that',
  'I',
  'personally',
  'know',
  'of',
  'the',
  'now',
  'immortal',
  'Von',
  'Kempelen',
  ';',
  'but',
  'I',
  'have',
  'thought',
  'that',
  'even',
  'these',
  'few',
  'details',
  'would',
  'have',
  'interest',
  'for',
  'the',
  'public',
  '.'],
 ['The',
  'road',
  'ran',
  'by',
  'the',
  'side',
  'of',
  'the',
  'lake',
  ',',
  'which',
  'became',
  'narrower',
  'as',
  'I',
  'approached',
  'my',
  'native',
  'town',
  '.'],
 ['On',
  'the',
  'th',
  'of',
  'December',
  'of',
  'that',
  'year',
  ',',
  'my',
  'companion',
  'and',
  'I',
  'crossed',
  'the',
  'Bay',
  ',',
  'to',
  'visit',
  'the',
  'antiquities',
  'which',
  'are',
  'scattered',
  'on',
  'the',
  'shores',
  'of',
  'Baiae',
  '.'],
 ['I', 'say', 'all', 'this', 'will', 'be', 'seen', '.'],
 ['These',
  'contemplations',
  'engaged',
  'her',
  ',',
  'when',
  'the',
  'voice',
  'of',
  'Raymond',
  'first',
  'struck',
  'her',
  'ear',
  ',',
  'a',
  'voice',
  ',',
  'once',
  'heard',
  ',',
  'never',
  'to',
  'be',
  'forgotten',
  ';',
  'she',
  'mastered',
  'her',
  'gush',
  'of',
  'feelings',
  ',',
  'and',
  'welcomed',
  'him',
  'with',
  'quiet',
  'gentleness',
  '.'],
 ['England',
  ',',
  'seated',
  'far',
  'north',
  'in',
  'the',
  'turbid',
  'sea',
  ',',
  'now',
  'visits',
  'my',
  'dreams',
  'in',
  'the',
  'semblance',
  'of',
  'a',
  'vast',
  'and',
  'well',
  'manned',
  'ship',
  ',',
  'which',
  'mastered',
  'the',
  'winds',
  'and',
  'rode',
  'proudly',
  'over',
  'the',
  'waves',
  '.'],
 ['The',
  'political',
  'state',
  'of',
  'England',
  'became',
  'agitated',
  'as',
  'the',
  'time',
  'drew',
  'near',
  'when',
  'the',
  'new',
  'Protector',
  'was',
  'to',
  'be',
  'elected',
  '.'],
 ['I',
  'felt',
  'as',
  'the',
  'sailor',
  ',',
  'who',
  'from',
  'the',
  'topmast',
  'first',
  'discovered',
  'the',
  'shore',
  'of',
  'America',
  ';',
  'and',
  'like',
  'him',
  'I',
  'hastened',
  'to',
  'tell',
  'my',
  'companions',
  'of',
  'my',
  'discoveries',
  'in',
  'unknown',
  'regions',
  '.'],
 ['Various',
  'and',
  'eventful',
  ',',
  'however',
  ',',
  'had',
  'been',
  'the',
  'peregrinations',
  'of',
  'the',
  'worthy',
  'couple',
  'in',
  'and',
  'about',
  'the',
  'different',
  'tap',
  'houses',
  'of',
  'the',
  'neighbourhood',
  'during',
  'the',
  'earlier',
  'hours',
  'of',
  'the',
  'night',
  '.'],
 ['It',
  'was',
  'labelled',
  'as',
  'of',
  'probable',
  'East',
  'Indian',
  'or',
  'Indo',
  'Chinese',
  'provenance',
  ',',
  'though',
  'the',
  'attribution',
  'was',
  'frankly',
  'tentative',
  '.'],
 ['He',
  'got',
  'this',
  'in',
  'London',
  ',',
  'I',
  'guess',
  'he',
  'uster',
  'like',
  'ter',
  'buy',
  'things',
  'at',
  'the',
  'shops',
  '.'],
 ['The',
  'Boatswain',
  'Müller',
  ',',
  'an',
  'elderly',
  'man',
  'who',
  'would',
  'have',
  'known',
  'better',
  'had',
  'he',
  'not',
  'been',
  'a',
  'superstitious',
  'Alsatian',
  'swine',
  ',',
  'became',
  'so',
  'excited',
  'by',
  'this',
  'impression',
  'that',
  'he',
  'watched',
  'the',
  'body',
  'in',
  'the',
  'water',
  ';',
  'and',
  'swore',
  'that',
  'after',
  'it',
  'sank',
  'a',
  'little',
  'it',
  'drew',
  'its',
  'limbs',
  'into',
  'a',
  'swimming',
  'position',
  'and',
  'sped',
  'away',
  'to',
  'the',
  'south',
  'under',
  'the',
  'waves',
  '.'],
 ['You',
  'may',
  'say',
  'any',
  'thing',
  'and',
  'every',
  'thing',
  'approaching',
  'to',
  "'",
  'bread',
  'and',
  'butter',
  '.',
  "'"],
 ['"', 'And', 'what', 'is', 'the', 'difficulty', 'now', '?', '"'],
 ['Like',
  'a',
  'true',
  'Frenchwoman',
  'as',
  'she',
  'was',
  'she',
  'had',
  'obeyed',
  'the',
  'frank',
  'dictates',
  'of',
  'her',
  'reason',
  'the',
  'generous',
  'impulses',
  'of',
  'her',
  'nature',
  'despising',
  'the',
  'conventional',
  'pruderies',
  'of',
  'the',
  'world',
  '.'],
 ['Them',
  'things',
  'told',
  'the',
  'Kanakys',
  'that',
  'ef',
  'they',
  'mixed',
  'bloods',
  'there',
  "'d",
  'be',
  'children',
  'as',
  'ud',
  'look',
  'human',
  'at',
  'fust',
  ',',
  'but',
  'later',
  'turn',
  "more'n",
  'more',
  'like',
  'the',
  'things',
  ',',
  'till',
  'finally',
  'they',
  "'d",
  'take',
  'to',
  'the',
  'water',
  'an',
  "'",
  'jine',
  'the',
  'main',
  'lot',
  'o',
  "'",
  'things',
  'daown',
  'thar',
  '.'],
 ['There',
  'was',
  'a',
  'sharp',
  'turn',
  'at',
  'every',
  'twenty',
  'or',
  'thirty',
  'yards',
  ',',
  'and',
  'at',
  'each',
  'turn',
  'a',
  'novel',
  'effect',
  '.'],
 ['He',
  'not',
  'only',
  'shut',
  'his',
  'mouth',
  'and',
  'wagged',
  'his',
  'tail',
  ',',
  'but',
  'absolutely',
  'offered',
  'me',
  'his',
  'paw',
  'afterward',
  'extending',
  'his',
  'civilities',
  'to',
  'Ponto',
  '.'],
 ['At',
  'every',
  'instant',
  'the',
  'vessel',
  'seemed',
  'imprisoned',
  'within',
  'an',
  'enchanted',
  'circle',
  ',',
  'having',
  'insuperable',
  'and',
  'impenetrable',
  'walls',
  'of',
  'foliage',
  ',',
  'a',
  'roof',
  'of',
  'ultramarine',
  'satin',
  ',',
  'and',
  'no',
  'floor',
  'the',
  'keel',
  'balancing',
  'itself',
  'with',
  'admirable',
  'nicety',
  'on',
  'that',
  'of',
  'a',
  'phantom',
  'bark',
  'which',
  ',',
  'by',
  'some',
  'accident',
  'having',
  'been',
  'turned',
  'upside',
  'down',
  ',',
  'floated',
  'in',
  'constant',
  'company',
  'with',
  'the',
  'substantial',
  'one',
  ',',
  'for',
  'the',
  'purpose',
  'of',
  'sustaining',
  'it',
  '.'],
 ['It',
  'was',
  'long',
  'ere',
  'any',
  'traveller',
  'went',
  'thither',
  ',',
  'and',
  'even',
  'then',
  'only',
  'the',
  'brave',
  'and',
  'adventurous',
  'young',
  'men',
  'of',
  'distant',
  'Falona',
  'dared',
  'make',
  'the',
  'journey',
  ';',
  'adventurous',
  'young',
  'men',
  'of',
  'yellow',
  'hair',
  'and',
  'blue',
  'eyes',
  ',',
  'who',
  'are',
  'no',
  'kin',
  'to',
  'the',
  'men',
  'of',
  'Mnar',
  '.'],
 ['Yet',
  'when',
  'I',
  'effected',
  'my',
  'purpose',
  ',',
  'all',
  'I',
  'could',
  'discern',
  'within',
  'the',
  'precincts',
  'of',
  'the',
  'massive',
  'walls',
  'was',
  'a',
  'city',
  'of',
  'fire',
  ':',
  'the',
  'open',
  'way',
  'through',
  'which',
  'Raymond',
  'had',
  'ridden',
  'was',
  'enveloped',
  'in',
  'smoke',
  'and',
  'flame',
  '.'],
 ['I',
  'am',
  'weak',
  ',',
  'but',
  'surely',
  'the',
  'spirits',
  'who',
  'assist',
  'my',
  'vengeance',
  'will',
  'endow',
  'me',
  'with',
  'sufficient',
  'strength',
  '.',
  '"'],
 ['I',
  'know',
  'not',
  'how',
  'the',
  'entanglement',
  'took',
  'place',
  ',',
  'but',
  'so',
  'it',
  'was',
  '.'],
 ['These',
  'ideas',
  ',',
  'once',
  'entertained',
  ',',
  'are',
  'sufficient',
  'of',
  'themselves',
  ',',
  'to',
  'suggest',
  'the',
  'notion',
  'of',
  'a',
  'man',
  'in',
  'the',
  'interior',
  '.'],
 ['On',
  'the',
  'roof',
  'is',
  'a',
  'vast',
  'quantity',
  'of',
  'tiles',
  'with',
  'long',
  'curly',
  'ears',
  '.'],
 ['I', 'am', 'a', 'methodical', 'man', '.'],
 ['Were',
  'not',
  'the',
  'mightiest',
  'men',
  'of',
  'the',
  'olden',
  'times',
  'kings',
  '?'],
 ['As',
  'the',
  'country',
  'people',
  'poured',
  'into',
  'London',
  ',',
  'the',
  'citizens',
  'fled',
  'southwards',
  'they',
  'climbed',
  'the',
  'higher',
  'edifices',
  'of',
  'the',
  'town',
  ',',
  'fancying',
  'that',
  'they',
  'could',
  'discern',
  'the',
  'smoke',
  'and',
  'flames',
  'the',
  'enemy',
  'spread',
  'around',
  'them',
  '.'],
 ['He',
  'spoke',
  'this',
  'with',
  'a',
  'voice',
  'so',
  'modulated',
  'to',
  'the',
  'different',
  'feelings',
  'expressed',
  'in',
  'his',
  'speech',
  ',',
  'with',
  'an',
  'eye',
  'so',
  'full',
  'of',
  'lofty',
  'design',
  'and',
  'heroism',
  ',',
  'that',
  'can',
  'you',
  'wonder',
  'that',
  'these',
  'men',
  'were',
  'moved',
  '?'],
 ['He',
  'was',
  'living',
  'in',
  'one',
  'of',
  'the',
  'sheds',
  ',',
  'and',
  'Sawyer',
  'thought',
  'he',
  'seemed',
  'unusually',
  'worried',
  'and',
  'tremulous',
  '.'],
 ['Have',
  'I',
  'not',
  'succeeded',
  'in',
  'breaking',
  'down',
  'the',
  'barrier',
  ';',
  'have',
  'I',
  'not',
  'shewn',
  'you',
  'worlds',
  'that',
  'no',
  'other',
  'living',
  'men',
  'have',
  'seen',
  '?',
  '"'],
 ['But',
  'the',
  'action',
  'produced',
  'an',
  'effect',
  'altogether',
  'unanticipated',
  '.'],
 ['I',
  'had',
  'felt',
  'that',
  'some',
  'palpable',
  'although',
  'invisible',
  'object',
  'had',
  'passed',
  'lightly',
  'by',
  'my',
  'person',
  ';',
  'and',
  'I',
  'saw',
  'that',
  'there',
  'lay',
  'upon',
  'the',
  'golden',
  'carpet',
  ',',
  'in',
  'the',
  'very',
  'middle',
  'of',
  'the',
  'rich',
  'lustre',
  'thrown',
  'from',
  'the',
  'censer',
  ',',
  'a',
  'shadow',
  'a',
  'faint',
  ',',
  'indefinite',
  'shadow',
  'of',
  'angelic',
  'aspect',
  'such',
  'as',
  'might',
  'be',
  'fancied',
  'for',
  'the',
  'shadow',
  'of',
  'a',
  'shade',
  '.'],
 ['"', 'Ass', '"', 'said', 'the', 'fourth', '.'],
 ['Had',
  'I',
  'been',
  'remanded',
  'to',
  'my',
  'dungeon',
  ',',
  'to',
  'await',
  'the',
  'next',
  'sacrifice',
  ',',
  'which',
  'would',
  'not',
  'take',
  'place',
  'for',
  'many',
  'months',
  '?'],
 ['Now',
  'that',
  'I',
  'am',
  'arrived',
  'at',
  'its',
  'base',
  ',',
  'my',
  'pinions',
  'are',
  'furled',
  ',',
  'the',
  'mighty',
  'stairs',
  'are',
  'before',
  'me',
  ',',
  'and',
  'step',
  'by',
  'step',
  'I',
  'must',
  'ascend',
  'the',
  'wondrous',
  'fane',
  'Speak',
  'What',
  'door',
  'is',
  'opened',
  '?'],
 ['The',
  'whole',
  'series',
  'of',
  'my',
  'life',
  'appeared',
  'to',
  'me',
  'as',
  'a',
  'dream',
  ';',
  'I',
  'sometimes',
  'doubted',
  'if',
  'indeed',
  'it',
  'were',
  'all',
  'true',
  ',',
  'for',
  'it',
  'never',
  'presented',
  'itself',
  'to',
  'my',
  'mind',
  'with',
  'the',
  'force',
  'of',
  'reality',
  '.'],
 ['He',
  'did',
  'every',
  'thing',
  'I',
  'wished',
  ',',
  'and',
  'I',
  'found',
  ',',
  'upon',
  'getting',
  'up',
  ',',
  'that',
  'I',
  'could',
  'easily',
  'pass',
  'my',
  'head',
  'and',
  'neck',
  'through',
  'the',
  'aperture',
  '.'],
 ['Men',
  'who',
  'before',
  'this',
  'change',
  'seemed',
  'to',
  'have',
  'been',
  'hid',
  'in',
  'caves',
  'dispersed',
  'themselves',
  'and',
  'were',
  'employed',
  'in',
  'various',
  'arts',
  'of',
  'cultivation',
  '.'],
 ['The',
  'adroitness',
  ',',
  'too',
  ',',
  'was',
  'no',
  'less',
  'worthy',
  'of',
  'observation',
  'by',
  'which',
  'he',
  'contrived',
  'to',
  'shift',
  'the',
  'sense',
  'of',
  'the',
  'grotesque',
  'from',
  'the',
  'creator',
  'to',
  'the',
  'created',
  'from',
  'his',
  'own',
  'person',
  'to',
  'the',
  'absurdities',
  'to',
  'which',
  'he',
  'had',
  'given',
  'rise',
  '.'],
 ['Later',
  ',',
  'it',
  'seems',
  ',',
  'he',
  'and',
  'one',
  'companion',
  'boarded',
  'the',
  'yacht',
  'and',
  'tried',
  'to',
  'manage',
  'her',
  ',',
  'but',
  'were',
  'beaten',
  'about',
  'by',
  'the',
  'storm',
  'of',
  'April',
  'nd',
  '.'],
 ['The',
  'situation',
  'was',
  'almost',
  'past',
  'management',
  ',',
  'and',
  'deaths',
  'ensued',
  'too',
  'frequently',
  'for',
  'the',
  'local',
  'undertakers',
  'fully',
  'to',
  'handle',
  '.'],
 ['By',
  'the',
  'utmost',
  'self',
  'violence',
  'I',
  'curbed',
  'the',
  'imperious',
  'voice',
  'of',
  'wretchedness',
  ',',
  'which',
  'sometimes',
  'desired',
  'to',
  'declare',
  'itself',
  'to',
  'the',
  'whole',
  'world',
  ',',
  'and',
  'my',
  'manners',
  'were',
  'calmer',
  'and',
  'more',
  'composed',
  'than',
  'they',
  'had',
  'ever',
  'been',
  'since',
  'my',
  'journey',
  'to',
  'the',
  'sea',
  'of',
  'ice',
  '.'],
 ['After',
  'Barry',
  'had',
  'told',
  'me',
  'these',
  'things',
  'I',
  'was',
  'very',
  'drowsy',
  ',',
  'for',
  'the',
  'travels',
  'of',
  'the',
  'day',
  'had',
  'been',
  'wearying',
  'and',
  'my',
  'host',
  'had',
  'talked',
  'late',
  'into',
  'the',
  'night',
  '.'],
 ['But',
  'these',
  'struggles',
  'and',
  'these',
  'gasps',
  'would',
  'not',
  'occur',
  'in',
  'the',
  'body',
  "'",
  'thrown',
  'into',
  'the',
  'water',
  'immediately',
  'after',
  'death',
  'by',
  'violence',
  '.',
  "'"],
 ['Elwood',
  ',',
  'whose',
  'thoughts',
  'on',
  'the',
  'entire',
  'episode',
  'are',
  'sometimes',
  'almost',
  'maddening',
  ',',
  'came',
  'back',
  'to',
  'college',
  'the',
  'next',
  'autumn',
  'and',
  'graduated',
  'in',
  'the',
  'following',
  'June',
  '.'],
 ['Pompey',
  ',',
  'bring',
  'me',
  'that',
  'leg',
  '"',
  'Here',
  'Pompey',
  'handed',
  'the',
  'bundle',
  ',',
  'a',
  'very',
  'capital',
  'cork',
  'leg',
  ',',
  'already',
  'dressed',
  ',',
  'which',
  'it',
  'screwed',
  'on',
  'in',
  'a',
  'trice',
  ';',
  'and',
  'then',
  'it',
  'stood',
  'up',
  'before',
  'my',
  'eyes',
  '.'],
 ['They',
  'struck',
  'a',
  'solid',
  'wooden',
  'substance',
  ',',
  'which',
  'extended',
  'above',
  'my',
  'person',
  'at',
  'an',
  'elevation',
  'of',
  'not',
  'more',
  'than',
  'six',
  'inches',
  'from',
  'my',
  'face',
  '.'],
 ['One', 'wolf', 'was', 'seen', 'to', 'lope', 'away', 'unhurt', '.'],
 ['Nothing',
  'of',
  'any',
  'consequence',
  'happened',
  'during',
  'the',
  'day',
  '.'],
 ['With',
  'this',
  'throng',
  'I',
  'mingled',
  ',',
  'though',
  'I',
  'knew',
  'I',
  'belonged',
  'with',
  'the',
  'hosts',
  'rather',
  'than',
  'with',
  'the',
  'guests',
  '.'],
 ['I', 'determined', 'to', 'follow', 'my', 'nose', '.'],
 ['Frankness',
  'and',
  'social',
  'feelings',
  'were',
  'the',
  'essence',
  'of',
  'Raymond',
  "'s",
  'nature',
  ';',
  'without',
  'them',
  'his',
  'qualities',
  'became',
  'common',
  'place',
  ';',
  'without',
  'these',
  'to',
  'spread',
  'glory',
  'over',
  'his',
  'intercourse',
  'with',
  'Perdita',
  ',',
  'his',
  'vaunted',
  'exchange',
  'of',
  'a',
  'throne',
  'for',
  'her',
  'love',
  ',',
  'was',
  'as',
  'weak',
  'and',
  'empty',
  'as',
  'the',
  'rainbow',
  'hues',
  'which',
  'vanish',
  'when',
  'the',
  'sun',
  'is',
  'down',
  '.'],
 ['"',
  'Thus',
  'I',
  'relieve',
  'thee',
  ',',
  'my',
  'creator',
  ',',
  '"',
  'he',
  'said',
  ',',
  'and',
  'placed',
  'his',
  'hated',
  'hands',
  'before',
  'my',
  'eyes',
  ',',
  'which',
  'I',
  'flung',
  'from',
  'me',
  'with',
  'violence',
  ';',
  '"',
  'thus',
  'I',
  'take',
  'from',
  'thee',
  'a',
  'sight',
  'which',
  'you',
  'abhor',
  '.'],
 ['I',
  'raised',
  'his',
  'rigid',
  'limbs',
  ',',
  'I',
  'marked',
  'the',
  'distortion',
  'of',
  'his',
  'face',
  ',',
  'and',
  'the',
  'stony',
  'eyes',
  'lost',
  'to',
  'perception',
  '.'],
 ['But',
  'so',
  'blind',
  'is',
  'the',
  'experience',
  'of',
  'man',
  'that',
  'what',
  'I',
  'conceived',
  'to',
  'be',
  'the',
  'best',
  'assistants',
  'to',
  'my',
  'plan',
  'may',
  'have',
  'entirely',
  'destroyed',
  'it',
  '.'],
 ['And',
  'then',
  'then',
  ',',
  'when',
  'poring',
  'over',
  'forbidden',
  'pages',
  ',',
  'I',
  'felt',
  'a',
  'forbidden',
  'spirit',
  'enkindling',
  'within',
  'me',
  'would',
  'Morella',
  'place',
  'her',
  'cold',
  'hand',
  'upon',
  'my',
  'own',
  ',',
  'and',
  'rake',
  'up',
  'from',
  'the',
  'ashes',
  'of',
  'a',
  'dead',
  'philosophy',
  'some',
  'low',
  ',',
  'singular',
  'words',
  ',',
  'whose',
  'strange',
  'meaning',
  'burned',
  'themselves',
  'in',
  'upon',
  'my',
  'memory',
  '.'],
 ['Several',
  'hours',
  'passed',
  ',',
  'and',
  'I',
  'remained',
  'near',
  'my',
  'window',
  'gazing',
  'on',
  'the',
  'sea',
  ';',
  'it',
  'was',
  'almost',
  'motionless',
  ',',
  'for',
  'the',
  'winds',
  'were',
  'hushed',
  ',',
  'and',
  'all',
  'nature',
  'reposed',
  'under',
  'the',
  'eye',
  'of',
  'the',
  'quiet',
  'moon',
  '.'],
 ['He',
  'was',
  'nurtured',
  'in',
  'prosperity',
  'and',
  'attended',
  'by',
  'all',
  'its',
  'advantages',
  ';',
  'every',
  'one',
  'loved',
  'him',
  'and',
  'wished',
  'to',
  'gratify',
  'him',
  '.'],
 ['"',
  'How',
  'much',
  'was',
  'the',
  'reward',
  'offered',
  ',',
  'did',
  'you',
  'say',
  '?',
  '"',
  'asked',
  'Dupin',
  '.'],
 ['On', 'one', 'side', 'was', 'a', 'small', 'opening', '.'],
 ['And',
  'as',
  'I',
  'looked',
  'upon',
  'the',
  'little',
  'gate',
  'in',
  'the',
  'mighty',
  'wall',
  ',',
  'I',
  'felt',
  'that',
  'beyond',
  'it',
  'lay',
  'a',
  'dream',
  'country',
  'from',
  'which',
  ',',
  'once',
  'it',
  'was',
  'entered',
  ',',
  'there',
  'would',
  'be',
  'no',
  'return',
  '.'],
 ['I',
  'have',
  'hitherto',
  'managed',
  'as',
  'well',
  'as',
  'I',
  'could',
  'without',
  'either',
  '.'],
 ['The',
  'Duchess',
  'of',
  'Bless',
  'my',
  'Soul',
  'was',
  'sitting',
  'for',
  'her',
  'portrait',
  ';',
  'the',
  'Marquis',
  'of',
  'So',
  'and',
  'So',
  'was',
  'holding',
  'the',
  'Duchess',
  "'",
  'poodle',
  ';',
  'the',
  'Earl',
  'of',
  'This',
  'and',
  'That',
  'was',
  'flirting',
  'with',
  'her',
  'salts',
  ';',
  'and',
  'his',
  'Royal',
  'Highness',
  'of',
  'Touch',
  'me',
  'Not',
  'was',
  'leaning',
  'upon',
  'the',
  'back',
  'of',
  'her',
  'chair',
  '.'],
 ['Sorrow',
  'doubles',
  'the',
  'burthen',
  'to',
  'the',
  'bent',
  'down',
  'back',
  ';',
  'plants',
  'thorns',
  'in',
  'the',
  'unyielding',
  'pillow',
  ';',
  'mingles',
  'gall',
  'with',
  'water',
  ';',
  'adds',
  'saltness',
  'to',
  'their',
  'bitter',
  'bread',
  ';',
  'cloathing',
  'them',
  'in',
  'rags',
  ',',
  'and',
  'strewing',
  'ashes',
  'on',
  'their',
  'bare',
  'heads',
  '.'],
 ['Raymond',
  'had',
  'spoken',
  ',',
  'thoughtless',
  'of',
  'her',
  'presence',
  ',',
  'and',
  'she',
  ',',
  'poor',
  'child',
  ',',
  'heard',
  'with',
  'terror',
  'and',
  'faith',
  'the',
  'prophecy',
  'of',
  'his',
  'death',
  '.'],
 ['And',
  ',',
  'in',
  'the',
  'midst',
  'of',
  'all',
  'this',
  ',',
  'the',
  'continuous',
  'braying',
  'of',
  'a',
  'donkey',
  'arose',
  'over',
  'all',
  '.'],
 ['Of',
  'these',
  'categories',
  'one',
  'seemed',
  'to',
  'him',
  'to',
  'include',
  'objects',
  'slightly',
  'less',
  'illogical',
  'and',
  'irrelevant',
  'in',
  'their',
  'motions',
  'than',
  'the',
  'members',
  'of',
  'the',
  'other',
  'categories',
  '.'],
 ['He',
  'secluded',
  'himself',
  'as',
  'much',
  'as',
  'the',
  'duties',
  'of',
  'his',
  'station',
  'permitted',
  '.'],
 ['I', 'was', 'not', 'within', 'the', 'vault', '.'],
 ['What',
  'it',
  'shewed',
  'was',
  'simply',
  'the',
  'monstrous',
  'being',
  'he',
  'was',
  'painting',
  'on',
  'that',
  'awful',
  'canvas',
  '.'],
 ['We',
  ',',
  'the',
  'Arcadian',
  'shepherds',
  'of',
  'the',
  'tale',
  ',',
  'had',
  'intended',
  'to',
  'be',
  'present',
  'at',
  'this',
  'festivity',
  ',',
  'but',
  'Perdita',
  'wrote',
  'to',
  'entreat',
  'us',
  'not',
  'to',
  'come',
  ',',
  'or',
  'to',
  'absent',
  'ourselves',
  'from',
  'Windsor',
  ';',
  'for',
  'she',
  'though',
  'she',
  'did',
  'not',
  'reveal',
  'her',
  'scheme',
  'to',
  'us',
  'resolved',
  'the',
  'next',
  'morning',
  'to',
  'return',
  'with',
  'Raymond',
  'to',
  'our',
  'dear',
  'circle',
  ',',
  'there',
  'to',
  'renew',
  'a',
  'course',
  'of',
  'life',
  'in',
  'which',
  'she',
  'had',
  'found',
  'entire',
  'felicity',
  '.'],
 ['Do',
  'not',
  'you',
  'desert',
  'me',
  'in',
  'the',
  'hour',
  'of',
  'trial',
  "'",
  '"',
  "'",
  'Great',
  'God',
  "'",
  'exclaimed',
  'the',
  'old',
  'man',
  '.'],
 ['Here',
  'we',
  'were',
  'comparatively',
  'calm',
  ',',
  'despite',
  'a',
  'somewhat',
  'puzzling',
  'southward',
  'current',
  'which',
  'we',
  'could',
  'not',
  'identify',
  'from',
  'our',
  'oceanographic',
  'charts',
  '.'],
 ['I',
  'revolved',
  'rapidly',
  'in',
  'my',
  'mind',
  'a',
  'multitude',
  'of',
  'thoughts',
  'and',
  'endeavoured',
  'to',
  'arrive',
  'at',
  'some',
  'conclusion',
  '.'],
 ['What',
  'I',
  'muttered',
  'about',
  'as',
  'I',
  'came',
  'slowly',
  'out',
  'of',
  'the',
  'shadows',
  'was',
  'a',
  'pair',
  'of',
  'fantastic',
  'incidents',
  'which',
  'occurred',
  'in',
  'my',
  'flight',
  ';',
  'incidents',
  'of',
  'no',
  'significance',
  ',',
  'yet',
  'which',
  'haunt',
  'me',
  'unceasingly',
  'when',
  'I',
  'am',
  'alone',
  'in',
  'certain',
  'marshy',
  'places',
  'or',
  'in',
  'the',
  'moonlight',
  '.'],
 ['"', 'Yours', 'sincerely', ',', '"', 'STUBBS', '.', '"'],
 ['Its',
  'presence',
  'gave',
  'me',
  'a',
  'hope',
  'that',
  'by',
  'its',
  'means',
  'I',
  'might',
  'find',
  'my',
  'home',
  '.'],
 ['I',
  'stood',
  'watching',
  'the',
  'scene',
  ',',
  'while',
  'Adrian',
  'flitted',
  'like',
  'a',
  'shadow',
  'in',
  'among',
  'them',
  ',',
  'and',
  ',',
  'by',
  'a',
  'word',
  'and',
  'look',
  'of',
  'sobriety',
  ',',
  'endeavoured',
  'to',
  'restore',
  'order',
  'in',
  'the',
  'assembly',
  '.'],
 ['I',
  'will',
  'seek',
  'out',
  'their',
  'writings',
  'forthwith',
  ',',
  'and',
  'peruse',
  'them',
  'with',
  'deliberate',
  'care',
  '.'],
 ['For',
  'this',
  'reason',
  'I',
  'swung',
  'the',
  'beetle',
  ',',
  'and',
  'for',
  'this',
  'reason',
  'I',
  'let',
  'it',
  'fall',
  'it',
  'from',
  'the',
  'tree',
  '.'],
 ['Plainly', ',', 'this', 'house', 'was', 'of', 'the', 'old', 'world', '.'],
 ['Had',
  'I',
  'not',
  'a',
  'right',
  'to',
  'rest',
  'till',
  'eternity',
  'amongst',
  'the',
  'descendants',
  'of',
  'Sir',
  'Geoffrey',
  'Hyde',
  '?'],
 ['West',
  "'s",
  'last',
  'quarters',
  'were',
  'in',
  'a',
  'venerable',
  'house',
  'of',
  'much',
  'elegance',
  ',',
  'overlooking',
  'one',
  'of',
  'the',
  'oldest',
  'burying',
  'grounds',
  'in',
  'Boston',
  '.'],
 ['The',
  'love',
  'that',
  'is',
  'the',
  'soul',
  'of',
  'friendship',
  'is',
  'a',
  'soft',
  'spirit',
  'seldom',
  'found',
  'except',
  'when',
  'two',
  'amiable',
  'creatures',
  'are',
  'knit',
  'from',
  'early',
  'youth',
  ',',
  'or',
  'when',
  'bound',
  'by',
  'mutual',
  'suffering',
  'and',
  'pursuits',
  ';',
  'it',
  'comes',
  'to',
  'some',
  'of',
  'the',
  'elect',
  'unsought',
  'and',
  'unaware',
  ';',
  'it',
  'descends',
  'as',
  'gentle',
  'dew',
  'on',
  'chosen',
  'spots',
  'which',
  'however',
  'barren',
  'they',
  'were',
  'before',
  'become',
  'under',
  'its',
  'benign',
  'influence',
  'fertile',
  'in',
  'all',
  'sweet',
  'plants',
  ';',
  'but',
  'when',
  'desired',
  'it',
  'flies',
  ';',
  'it',
  'scoffs',
  'at',
  'the',
  'prayers',
  'of',
  'its',
  'votaries',
  ';',
  'it',
  'will',
  'bestow',
  ',',
  'but',
  'not',
  'be',
  'sought',
  '.'],
 ['I',
  'have',
  'shown',
  'how',
  'it',
  'is',
  'that',
  'the',
  'body',
  'of',
  'a',
  'drowning',
  'man',
  'becomes',
  'specifically',
  'heavier',
  'than',
  'its',
  'bulk',
  'of',
  'water',
  ',',
  'and',
  'that',
  'he',
  'would',
  'not',
  'sink',
  'at',
  'all',
  ',',
  'except',
  'for',
  'the',
  'struggles',
  'by',
  'which',
  'he',
  'elevates',
  'his',
  'arms',
  'above',
  'the',
  'surface',
  ',',
  'and',
  'his',
  'gasps',
  'for',
  'breath',
  'while',
  'beneath',
  'the',
  'surface',
  'gasps',
  'which',
  'supply',
  'by',
  'water',
  'the',
  'place',
  'of',
  'the',
  'original',
  'air',
  'in',
  'the',
  'lungs',
  '.'],
 ['But', 'success', 'SHALL', 'crown', 'my', 'endeavours', '.'],
 ['They',
  'are',
  'dead',
  ',',
  'and',
  'but',
  'one',
  'feeling',
  'in',
  'such',
  'a',
  'solitude',
  'can',
  'persuade',
  'me',
  'to',
  'preserve',
  'my',
  'life',
  '.'],
 ['I',
  'always',
  'attributed',
  'my',
  'failure',
  'at',
  'these',
  'points',
  'to',
  'the',
  'disordered',
  'state',
  'of',
  'his',
  'health',
  '.'],
 ['"',
  'By',
  'ten',
  "o'clock",
  'I',
  'found',
  'that',
  'I',
  'had',
  'very',
  'little',
  'to',
  'occupy',
  'my',
  'immediate',
  'attention',
  '.'],
 ['I',
  'would',
  'betake',
  'me',
  'with',
  'them',
  'to',
  'some',
  'wild',
  'beast',
  "'s",
  'den',
  ',',
  'where',
  'a',
  'tyger',
  "'s",
  'cubs',
  ',',
  'which',
  'I',
  'would',
  'slay',
  ',',
  'had',
  'been',
  'reared',
  'in',
  'health',
  '.'],
 ['Now',
  ',',
  'the',
  'assassination',
  'might',
  'have',
  'taken',
  'place',
  'upon',
  'the',
  'river',
  "'s",
  'brink',
  ',',
  'or',
  'on',
  'the',
  'river',
  'itself',
  ';',
  'and',
  ',',
  'thus',
  ',',
  'the',
  'throwing',
  'the',
  'corpse',
  'in',
  'the',
  'water',
  'might',
  'have',
  'been',
  'resorted',
  'to',
  ',',
  'at',
  'any',
  'period',
  'of',
  'the',
  'day',
  'or',
  'night',
  ',',
  'as',
  'the',
  'most',
  'obvious',
  'and',
  'most',
  'immediate',
  'mode',
  'of',
  'disposal',
  '.'],
 ['Advancing',
  ',',
  'I',
  'peered',
  'over',
  'the',
  'edge',
  'of',
  'that',
  'chasm',
  'which',
  'no',
  'line',
  'could',
  'fathom',
  ',',
  'and',
  'which',
  'was',
  'now',
  'a',
  'pandemonium',
  'of',
  'flickering',
  'flame',
  'and',
  'hideous',
  'uproar',
  '.'],
 ['Each',
  'transmitted',
  'idea',
  'formed',
  'rapidly',
  'in',
  'my',
  'mind',
  ',',
  'and',
  'though',
  'no',
  'actual',
  'language',
  'was',
  'employed',
  ',',
  'my',
  'habitual',
  'association',
  'of',
  'conception',
  'and',
  'expression',
  'was',
  'so',
  'great',
  'that',
  'I',
  'seemed',
  'to',
  'be',
  'receiving',
  'the',
  'message',
  'in',
  'ordinary',
  'English',
  '.'],
 ['Le',
  'Don',
  'was',
  'instantly',
  'released',
  ',',
  'upon',
  'our',
  'narration',
  'of',
  'the',
  'circumstances',
  'with',
  'some',
  'comments',
  'from',
  'Dupin',
  'at',
  'the',
  'bureau',
  'of',
  'the',
  'Prefect',
  'of',
  'Police',
  '.'],
 ['The',
  'trees',
  'moved',
  'overhead',
  ',',
  'awakening',
  'nature',
  "'s",
  'favourite',
  'melody',
  'but',
  'the',
  'melancholy',
  'appearance',
  'of',
  'the',
  'choaked',
  'paths',
  ',',
  'and',
  'weed',
  'grown',
  'flower',
  'beds',
  ',',
  'dimmed',
  'even',
  'this',
  'gay',
  'summer',
  'scene',
  '.'],
 ['Else', 'there', 'is', 'no', 'immortality', 'for', 'man', '.'],
 ['Make',
  'me',
  'happy',
  ',',
  'and',
  'I',
  'shall',
  'again',
  'be',
  'virtuous',
  '.',
  '"'],
 ['And',
  'the',
  'gates',
  'of',
  'Sarnath',
  'were',
  'as',
  'many',
  'as',
  'the',
  'landward',
  'ends',
  'of',
  'the',
  'streets',
  ',',
  'each',
  'of',
  'bronze',
  ',',
  'and',
  'flanked',
  'by',
  'the',
  'figures',
  'of',
  'lions',
  'and',
  'elephants',
  'carven',
  'from',
  'some',
  'stone',
  'no',
  'longer',
  'known',
  'among',
  'men',
  '.'],
 ['Before',
  'evening',
  'I',
  'was',
  'in',
  'the',
  'village',
  ',',
  'getting',
  'a',
  'meal',
  'and',
  'providing',
  'myself',
  'with',
  'presentable',
  'clothes',
  '.'],
 ['It',
  'was',
  'of',
  'a',
  'jetty',
  'black',
  ';',
  'which',
  'was',
  'also',
  'the',
  'color',
  ',',
  'or',
  'more',
  'properly',
  'the',
  'no',
  'color',
  'of',
  'his',
  'unimaginable',
  'whiskers',
  '.'],
 ['After',
  'a',
  'time',
  'the',
  'man',
  'left',
  'me',
  'alone',
  'in',
  'the',
  'attic',
  'room',
  '.'],
 ['I',
  'walked',
  'vigorously',
  'faster',
  'still',
  'faster',
  'at',
  'length',
  'I',
  'ran',
  '.'],
 ['This',
  'opinion',
  ',',
  'in',
  'its',
  'general',
  'form',
  ',',
  'was',
  'that',
  'of',
  'the',
  'sentience',
  'of',
  'all',
  'vegetable',
  'things',
  '.'],
 ['We',
  'can',
  'not',
  'calculate',
  'on',
  'his',
  'forces',
  'like',
  'that',
  'of',
  'an',
  'engine',
  ';',
  'and',
  ',',
  'though',
  'an',
  'impulse',
  'draw',
  'with',
  'a',
  'forty',
  'horse',
  'power',
  'at',
  'what',
  'appears',
  'willing',
  'to',
  'yield',
  'to',
  'one',
  ',',
  'yet',
  'in',
  'contempt',
  'of',
  'calculation',
  'the',
  'movement',
  'is',
  'not',
  'effected',
  '.'],
 ['I',
  'mean',
  'the',
  'way',
  'he',
  'has',
  "'",
  'de',
  'nier',
  'ce',
  'qui',
  'est',
  ',',
  'et',
  "d'expliquer",
  'ce',
  'qui',
  "n'est",
  'pas',
  '.',
  "'",
  '"'],
 ['As',
  'if',
  'by',
  'some',
  'sudden',
  'convulsive',
  'exertion',
  ',',
  'reason',
  'had',
  'at',
  'once',
  'hurled',
  'superstition',
  'from',
  'her',
  'throne',
  '.'],
 ['There',
  "'s",
  'been',
  'a',
  'certain',
  'change',
  'in',
  'your',
  'personal',
  'appearance',
  '.'],
 ['Nothing',
  'else',
  'of',
  'an',
  'extraordinary',
  'nature',
  'occurred',
  'during',
  'the',
  'day',
  '.'],
 ['O',
  'ye',
  'heart',
  'strings',
  'of',
  'mine',
  ',',
  'could',
  'ye',
  'be',
  'torn',
  'asunder',
  ',',
  'and',
  'my',
  'soul',
  'not',
  'spend',
  'itself',
  'in',
  'tears',
  'of',
  'blood',
  'for',
  'sorrow',
  'Idris',
  ',',
  'after',
  'the',
  'first',
  'shock',
  ',',
  'regained',
  'a',
  'portion',
  'of',
  'fortitude',
  '.'],
 ['Indeed',
  ',',
  'I',
  'now',
  'perceived',
  'that',
  'I',
  'had',
  'entirely',
  'overdone',
  'the',
  'business',
  ',',
  'and',
  'that',
  'the',
  'main',
  'consequences',
  'of',
  'the',
  'shock',
  'were',
  'yet',
  'to',
  'be',
  'experienced',
  '.'],
 ['I',
  'felt',
  'this',
  'delay',
  'very',
  'bitterly',
  ';',
  'for',
  'I',
  'longed',
  'to',
  'see',
  'my',
  'native',
  'town',
  'and',
  'my',
  'beloved',
  'friends',
  '.'],
 ['The',
  'editor',
  'of',
  "L'Etoile",
  'had',
  'no',
  'right',
  'to',
  'be',
  'offended',
  'at',
  'M.',
  'Beauvais',
  "'",
  'unreasoning',
  'belief',
  '.'],
 ['This',
  'stream',
  'is',
  'regulated',
  'by',
  'the',
  'flux',
  'and',
  'reflux',
  'of',
  'the',
  'sea',
  'it',
  'being',
  'constantly',
  'high',
  'and',
  'low',
  'water',
  'every',
  'six',
  'hours',
  '.'],
 ['Something',
  'more',
  'was',
  'in',
  'his',
  'heart',
  ',',
  'to',
  'which',
  'he',
  'dared',
  'not',
  'give',
  'words',
  '.'],
 ['When',
  'the',
  'clouds',
  'veiled',
  'the',
  'sky',
  ',',
  'and',
  'the',
  'wind',
  'scattered',
  'them',
  'there',
  'and',
  'here',
  ',',
  'rending',
  'their',
  'woof',
  ',',
  'and',
  'strewing',
  'its',
  'fragments',
  'through',
  'the',
  'aerial',
  'plains',
  'then',
  'we',
  'rode',
  'out',
  ',',
  'and',
  'sought',
  'new',
  'spots',
  'of',
  'beauty',
  'and',
  'repose',
  '.'],
 ['Dunwich',
  'is',
  'indeed',
  'ridiculously',
  'old',
  'older',
  'by',
  'far',
  'than',
  'any',
  'of',
  'the',
  'communities',
  'within',
  'thirty',
  'miles',
  'of',
  'it',
  '.'],
 ['Mr.',
  'Ainsworth',
  'has',
  'not',
  'attempted',
  'to',
  'account',
  'for',
  'this',
  'phenomenon',
  ',',
  'which',
  ',',
  'however',
  ',',
  'is',
  'quite',
  'susceptible',
  'of',
  'explanation',
  '.'],
 ['Write',
  '"',
  "'",
  'The',
  'Epidendrum',
  'Flos',
  'Aeris',
  ',',
  'of',
  'Java',
  ',',
  'bears',
  'a',
  'very',
  'beautiful',
  'flower',
  ',',
  'and',
  'will',
  'live',
  'when',
  'pulled',
  'up',
  'by',
  'the',
  'roots',
  '.'],
 ['And',
  'the',
  'evening',
  'closed',
  'in',
  'upon',
  'me',
  'thus',
  'and',
  'then',
  'the',
  'darkness',
  'came',
  ',',
  'and',
  'tarried',
  ',',
  'and',
  'went',
  'and',
  'the',
  'day',
  'again',
  'dawned',
  'and',
  'the',
  'mists',
  'of',
  'a',
  'second',
  'night',
  'were',
  'now',
  'gathering',
  'around',
  'and',
  'still',
  'I',
  'sat',
  'motionless',
  'in',
  'that',
  'solitary',
  'room',
  'and',
  'still',
  'I',
  'sat',
  'buried',
  'in',
  'meditation',
  'and',
  'still',
  'the',
  'phantasma',
  'of',
  'the',
  'teeth',
  'maintained',
  'its',
  'terrible',
  'ascendancy',
  ',',
  'as',
  ',',
  'with',
  'the',
  'most',
  'vivid',
  'hideous',
  'distinctness',
  ',',
  'it',
  'floated',
  'about',
  'amid',
  'the',
  'changing',
  'lights',
  'and',
  'shadows',
  'of',
  'the',
  'chamber',
  '.'],
 ['It',
  'was',
  'as',
  'stout',
  'as',
  'the',
  'other',
  ',',
  'and',
  'apparently',
  'fitted',
  'in',
  'the',
  'same',
  'manner',
  'driven',
  'in',
  'nearly',
  'up',
  'to',
  'the',
  'head',
  '.'],
 ['She',
  'told',
  'me',
  ',',
  'that',
  'that',
  'same',
  'evening',
  'William',
  'had',
  'teased',
  'her',
  'to',
  'let',
  'him',
  'wear',
  'a',
  'very',
  'valuable',
  'miniature',
  'that',
  'she',
  'possessed',
  'of',
  'your',
  'mother',
  '.'],
 ['I',
  'knew',
  'that',
  'it',
  'was',
  'possible',
  'that',
  'your',
  'suspicions',
  'might',
  'be',
  'excited',
  ';',
  'but',
  'I',
  'trusted',
  'that',
  'my',
  'simple',
  'word',
  'would',
  'cause',
  'them',
  'to',
  'disappear',
  '.'],
 ['I',
  'am',
  'that',
  'is',
  'to',
  'say',
  'I',
  'was',
  'a',
  'great',
  'man',
  ';',
  'but',
  'I',
  'am',
  'neither',
  'the',
  'author',
  'of',
  'Junius',
  'nor',
  'the',
  'man',
  'in',
  'the',
  'mask',
  ';',
  'for',
  'my',
  'name',
  ',',
  'I',
  'believe',
  ',',
  'is',
  'Robert',
  'Jones',
  ',',
  'and',
  'I',
  'was',
  'born',
  'somewhere',
  'in',
  'the',
  'city',
  'of',
  'Fum',
  'Fudge',
  '.'],
 ['But', 'to', 'return', 'to', 'dearer', 'considerations', '.'],
 ['"', 'Then', 'go', 'one', 'limb', 'higher', '.', '"'],
 ['We',
  'now',
  'had',
  'a',
  'studio',
  'in',
  'London',
  ',',
  'never',
  'separating',
  ',',
  'but',
  'never',
  'discussing',
  'the',
  'days',
  'when',
  'we',
  'had',
  'sought',
  'to',
  'plumb',
  'the',
  'mysteries',
  'of',
  'the',
  'unreal',
  'world',
  '.'],
 ['Besides',
  'these',
  'things',
  ',',
  'were',
  'seen',
  ',',
  'on',
  'all',
  'sides',
  ',',
  'banners',
  'and',
  'palanquins',
  ',',
  'litters',
  'with',
  'stately',
  'dames',
  'close',
  'veiled',
  ',',
  'elephants',
  'gorgeously',
  'caparisoned',
  ',',
  'idols',
  'grotesquely',
  'hewn',
  ',',
  'drums',
  ',',
  'banners',
  ',',
  'and',
  'gongs',
  ',',
  'spears',
  ',',
  'silver',
  'and',
  'gilded',
  'maces',
  '.'],
 ['On',
  'the',
  'contrary',
  ',',
  'I',
  'believe',
  'that',
  'I',
  'am',
  'well',
  'made',
  ',',
  'and',
  'possess',
  'what',
  'nine',
  'tenths',
  'of',
  'the',
  'world',
  'would',
  'call',
  'a',
  'handsome',
  'face',
  '.'],
 ['As',
  'for',
  'the',
  'Quarterly',
  'ca',
  'nt',
  'about',
  '"',
  'sustained',
  'effort',
  ',',
  '"',
  'it',
  'is',
  'impossible',
  'to',
  'see',
  'the',
  'sense',
  'of',
  'it',
  '.'],
 ['His',
  'soul',
  'overflowed',
  'with',
  'ardent',
  'affections',
  ',',
  'and',
  'his',
  'friendship',
  'was',
  'of',
  'that',
  'devoted',
  'and',
  'wondrous',
  'nature',
  'that',
  'the',
  'world',
  'minded',
  'teach',
  'us',
  'to',
  'look',
  'for',
  'only',
  'in',
  'the',
  'imagination',
  '.'],
 ['I', 'looked', 'on', 'the', 'regal', 'towers', 'of', 'Windsor', '.'],
 ['Once',
  'we',
  'fancied',
  'that',
  'a',
  'large',
  ',',
  'opaque',
  'body',
  'darkened',
  'the',
  'library',
  'window',
  'when',
  'the',
  'moon',
  'was',
  'shining',
  'against',
  'it',
  ',',
  'and',
  'another',
  'time',
  'we',
  'thought',
  'we',
  'heard',
  'a',
  'whirring',
  'or',
  'flapping',
  'sound',
  'not',
  'far',
  'off',
  '.'],
 ['It',
  'was',
  'long',
  'before',
  'he',
  'was',
  'restored',
  ',',
  'and',
  'I',
  'often',
  'thought',
  'that',
  'life',
  'was',
  'entirely',
  'extinct',
  '.'],
 ['And',
  'the',
  'children',
  'would',
  'listen',
  ',',
  'and',
  'learn',
  'of',
  'the',
  'laws',
  'and',
  'deeds',
  'of',
  'old',
  ',',
  'and',
  'of',
  'that',
  'dear',
  'England',
  'which',
  'they',
  'had',
  'never',
  'seen',
  ',',
  'or',
  'could',
  'not',
  'remember',
  '.'],
 ['You',
  'will',
  'find',
  'that',
  'the',
  'discovery',
  'followed',
  ',',
  'almost',
  'immediately',
  ',',
  'the',
  'urgent',
  'communications',
  'sent',
  'to',
  'the',
  'evening',
  'paper',
  '.'],
 ['I', 'held', 'them', 'in', 'every', 'light', '.'],
 ['"',
  "'",
  'Heaven',
  'forbid',
  'Even',
  'if',
  'you',
  'were',
  'really',
  'criminal',
  ',',
  'for',
  'that',
  'can',
  'only',
  'drive',
  'you',
  'to',
  'desperation',
  ',',
  'and',
  'not',
  'instigate',
  'you',
  'to',
  'virtue',
  '.'],
 ['His',
  'oddities',
  'certainly',
  'did',
  'not',
  'look',
  'Asiatic',
  ',',
  'Polynesian',
  ',',
  'Levantine',
  ',',
  'or',
  'negroid',
  ',',
  'yet',
  'I',
  'could',
  'see',
  'why',
  'the',
  'people',
  'found',
  'him',
  'alien',
  '.'],
 ['On',
  'the',
  'butcher',
  "'s",
  'shop',
  'of',
  'the',
  'Anzique',
  'cannibals',
  'a',
  'small',
  'red',
  'spattering',
  'glistened',
  'picturesquely',
  ',',
  'lending',
  'vividness',
  'to',
  'the',
  'horror',
  'of',
  'the',
  'engraving',
  '.'],
 ['"',
  'And',
  'the',
  'motto',
  '?',
  '"',
  '"',
  'Nemo',
  'me',
  'impune',
  'lacessit',
  '.',
  '"'],
 ['From',
  'several',
  'directions',
  'in',
  'the',
  'distance',
  ',',
  'however',
  ',',
  'I',
  'could',
  'hear',
  'the',
  'sound',
  'of',
  'hoarse',
  'voices',
  ',',
  'of',
  'footsteps',
  ',',
  'and',
  'of',
  'a',
  'curious',
  'kind',
  'of',
  'pattering',
  'which',
  'did',
  'not',
  'sound',
  'quite',
  'like',
  'footsteps',
  '.'],
 ['Was',
  'I',
  'not',
  'justifiable',
  'in',
  'supposing',
  'with',
  'M.',
  'Valz',
  ',',
  'that',
  'this',
  'apparent',
  'condensation',
  'of',
  'volume',
  'has',
  'its',
  'origin',
  'in',
  'the',
  'compression',
  'of',
  'the',
  'same',
  'ethereal',
  'medium',
  'I',
  'have',
  'spoken',
  'of',
  'before',
  ',',
  'and',
  'which',
  'is',
  'only',
  'denser',
  'in',
  'proportion',
  'to',
  'its',
  'solar',
  'vicinity',
  '?'],
 ['While',
  'I',
  'watched',
  'the',
  'tempest',
  ',',
  'so',
  'beautiful',
  'yet',
  'terrific',
  ',',
  'I',
  'wandered',
  'on',
  'with',
  'a',
  'hasty',
  'step',
  '.'],
 ['The',
  'memory',
  'of',
  'that',
  'unfortunate',
  'king',
  'and',
  'his',
  'companions',
  ',',
  'the',
  'amiable',
  'Falkland',
  ',',
  'the',
  'insolent',
  'Goring',
  ',',
  'his',
  'queen',
  ',',
  'and',
  'son',
  ',',
  'gave',
  'a',
  'peculiar',
  'interest',
  'to',
  'every',
  'part',
  'of',
  'the',
  'city',
  'which',
  'they',
  'might',
  'be',
  'supposed',
  'to',
  'have',
  'inhabited',
  '.'],
 ['Even',
  'now',
  'if',
  'we',
  'had',
  'courage',
  'we',
  'might',
  'be',
  'free',
  '.'],
 ['There',
  'were',
  'some',
  'foils',
  'upon',
  'a',
  'table',
  'some',
  'points',
  'also',
  '.'],
 ['In',
  'height',
  'he',
  'might',
  'have',
  'been',
  'below',
  'rather',
  'than',
  'above',
  'the',
  'medium',
  'size',
  ':',
  'although',
  'there',
  'were',
  'moments',
  'of',
  'intense',
  'passion',
  'when',
  'his',
  'frame',
  'actually',
  'expanded',
  'and',
  'belied',
  'the',
  'assertion',
  '.'],
 ['I',
  'knew',
  'what',
  'the',
  'old',
  'man',
  'felt',
  ',',
  'and',
  'pitied',
  'him',
  ',',
  'although',
  'I',
  'chuckled',
  'at',
  'heart',
  '.'],
 ['By',
  'far',
  'the',
  'greater',
  'number',
  'of',
  'the',
  'articles',
  'were',
  'shattered',
  'in',
  'the',
  'most',
  'extraordinary',
  'way',
  'so',
  'chafed',
  'and',
  'roughened',
  'as',
  'to',
  'have',
  'the',
  'appearance',
  'of',
  'being',
  'stuck',
  'full',
  'of',
  'splinters',
  'but',
  'then',
  'I',
  'distinctly',
  'recollected',
  'that',
  'there',
  'were',
  'some',
  'of',
  'them',
  'which',
  'were',
  'not',
  'disfigured',
  'at',
  'all',
  '.'],
 ['Joy',
  'and',
  'exultation',
  ',',
  'were',
  'mine',
  ',',
  'to',
  'possess',
  ',',
  'and',
  'to',
  'save',
  'her',
  '.'],
 ['I',
  'vaow',
  'afur',
  'Gawd',
  ',',
  'I',
  "dun't",
  'know',
  'what',
  'he',
  'wants',
  'nor',
  'what',
  'he',
  "'s",
  'a',
  'tryin',
  "'",
  'to',
  'dew',
  '.',
  '"'],
 ['Her',
  'garb',
  'was',
  'rustic',
  ',',
  'and',
  'her',
  'cheek',
  'pale',
  ';',
  'but',
  'there',
  'was',
  'an',
  'air',
  'of',
  'dignity',
  'and',
  'beauty',
  ',',
  'that',
  'hardly',
  'permitted',
  'the',
  'sentiment',
  'of',
  'pity',
  '.'],
 ['I',
  'wrote',
  'him',
  'again',
  ',',
  'entreating',
  'him',
  'to',
  'forward',
  'one',
  'forthwith',
  '.'],
 ['Here', 'was', 'a', 'long', 'pause', '.'],
 ['My',
  'acquaintance',
  'with',
  'him',
  'was',
  'casual',
  'altogether',
  ';',
  'and',
  'I',
  'am',
  'scarcely',
  'warranted',
  'in',
  'saying',
  'that',
  'I',
  'know',
  'him',
  'at',
  'all',
  ';',
  'but',
  'to',
  'have',
  'seen',
  'and',
  'conversed',
  'with',
  'a',
  'man',
  'of',
  'so',
  'prodigious',
  'a',
  'notoriety',
  'as',
  'he',
  'has',
  'attained',
  ',',
  'or',
  'will',
  'attain',
  'in',
  'a',
  'few',
  'days',
  ',',
  'is',
  'not',
  'a',
  'small',
  'matter',
  ',',
  'as',
  'times',
  'go',
  '.'],
 ['The',
  'night',
  'before',
  ',',
  'she',
  'had',
  'reached',
  'Datchet',
  ';',
  'and',
  ',',
  'prowling',
  'about',
  ',',
  'had',
  'found',
  'a',
  'baker',
  "'s",
  'shop',
  'open',
  'and',
  'deserted',
  '.'],
 ['Gabinius',
  'had',
  ',',
  'the',
  'rumour',
  'ran',
  ',',
  'come',
  'upon',
  'a',
  'cliffside',
  'cavern',
  'where',
  'strange',
  'folk',
  'met',
  'together',
  'and',
  'made',
  'the',
  'Elder',
  'Sign',
  'in',
  'the',
  'dark',
  ';',
  'strange',
  'folk',
  'whom',
  'the',
  'Britons',
  'knew',
  'not',
  'save',
  'in',
  'fear',
  ',',
  'and',
  'who',
  'were',
  'the',
  'last',
  'to',
  'survive',
  'from',
  'a',
  'great',
  'land',
  'in',
  'the',
  'west',
  'that',
  'had',
  'sunk',
  ',',
  'leaving',
  'only',
  'the',
  'islands',
  'with',
  'the',
  'raths',
  'and',
  'circles',
  'and',
  'shrines',
  'of',
  'which',
  'Stonehenge',
  'was',
  'the',
  'greatest',
  '.'],
 ['It',
  'is',
  'a',
  'mistake',
  'to',
  'fancy',
  'that',
  'horror',
  'is',
  'associated',
  'inextricably',
  'with',
  'darkness',
  ',',
  'silence',
  ',',
  'and',
  'solitude',
  '.'],
 ['His',
  'results',
  ',',
  'brought',
  'about',
  'by',
  'the',
  'very',
  'soul',
  'and',
  'essence',
  'of',
  'method',
  ',',
  'have',
  ',',
  'in',
  'truth',
  ',',
  'the',
  'whole',
  'air',
  'of',
  'intuition',
  '.'],
 ['Beyond',
  'the',
  'limits',
  'of',
  'the',
  'city',
  'arose',
  ',',
  'in',
  'frequent',
  'majestic',
  'groups',
  ',',
  'the',
  'palm',
  'and',
  'the',
  'cocoa',
  ',',
  'with',
  'other',
  'gigantic',
  'and',
  'weird',
  'trees',
  'of',
  'vast',
  'age',
  ',',
  'and',
  'here',
  'and',
  'there',
  'might',
  'be',
  'seen',
  'a',
  'field',
  'of',
  'rice',
  ',',
  'the',
  'thatched',
  'hut',
  'of',
  'a',
  'peasant',
  ',',
  'a',
  'tank',
  ',',
  'a',
  'stray',
  'temple',
  ',',
  'a',
  'gypsy',
  'camp',
  ',',
  'or',
  'a',
  'solitary',
  'graceful',
  'maiden',
  'taking',
  'her',
  'way',
  ',',
  'with',
  'a',
  'pitcher',
  'upon',
  'her',
  'head',
  ',',
  'to',
  'the',
  'banks',
  'of',
  'the',
  'magnificent',
  'river',
  '.'],
 ['This',
  'latter',
  'reflection',
  'urged',
  'the',
  'man',
  'still',
  'to',
  'follow',
  'the',
  'fugitive',
  '.'],
 ['He',
  'fell',
  'on',
  'a',
  'narrow',
  'hill',
  'street',
  'leading',
  'up',
  'from',
  'an',
  'ancient',
  'waterfront',
  'swarming',
  'with',
  'foreign',
  'mongrels',
  ',',
  'after',
  'a',
  'careless',
  'push',
  'from',
  'a',
  'negro',
  'sailor',
  '.'],
 ['that',
  'they',
  'existed',
  'in',
  'a',
  'sort',
  'of',
  'every',
  'man',
  'for',
  'himself',
  'confederacy',
  ',',
  'after',
  'the',
  'fashion',
  'of',
  'the',
  '"',
  'prairie',
  'dogs',
  '"',
  'that',
  'we',
  'read',
  'of',
  'in',
  'fable',
  '.'],
 ['Certainly',
  'the',
  'Ryland',
  'that',
  'advanced',
  'towards',
  'us',
  'now',
  ',',
  'bore',
  'small',
  'resemblance',
  'to',
  'the',
  'powerful',
  ',',
  'ironical',
  ',',
  'seemingly',
  'fearless',
  'canvasser',
  'for',
  'the',
  'first',
  'rank',
  'among',
  'Englishmen',
  '.'],
 ['The',
  'rich',
  'although',
  'faded',
  'tapestry',
  'hangings',
  'which',
  'swung',
  'gloomily',
  'upon',
  'the',
  'walls',
  ',',
  'represented',
  'the',
  'shadowy',
  'and',
  'majestic',
  'forms',
  'of',
  'a',
  'thousand',
  'illustrious',
  'ancestors',
  '.'],
 ['Thus',
  'you',
  'may',
  'tell',
  'these',
  'characters',
  'immediately',
  'by',
  'the',
  'nature',
  'of',
  'their',
  'occupations',
  '.'],
 ['When',
  'she',
  'got',
  'Sally',
  'Sawyer',
  ',',
  'housekeeper',
  'at',
  'Seth',
  'Bishop',
  "'s",
  ',',
  'the',
  'nearest',
  'place',
  'to',
  'Whateley',
  "'s",
  ',',
  'it',
  'became',
  'her',
  'turn',
  'to',
  'listen',
  'instead',
  'of',
  'transmit',
  ';',
  'for',
  'Sally',
  "'s",
  'boy',
  'Chauncey',
  ',',
  'who',
  'slept',
  'poorly',
  ',',
  'had',
  'been',
  'up',
  'on',
  'the',
  'hill',
  'toward',
  'Whateley',
  "'s",
  ',',
  'and',
  'had',
  'dashed',
  'back',
  'in',
  'terror',
  'after',
  'one',
  'look',
  'at',
  'the',
  'place',
  ',',
  'and',
  'at',
  'the',
  'pasturage',
  'where',
  'Mr.',
  'Bishop',
  "'s",
  'cows',
  'had',
  'been',
  'left',
  'out',
  'all',
  'night',
  '.'],
 ['Nothing',
  'could',
  'be',
  'more',
  'complete',
  'than',
  'the',
  'alteration',
  'that',
  'had',
  'taken',
  'place',
  'in',
  'my',
  'feelings',
  'since',
  'the',
  'night',
  'of',
  'the',
  'appearance',
  'of',
  'the',
  'daemon',
  '.'],
 ['He',
  'told',
  'how',
  'the',
  'young',
  'Charles',
  'had',
  'escaped',
  'into',
  'the',
  'night',
  ',',
  'returning',
  'in',
  'after',
  'years',
  'to',
  'kill',
  'Godfrey',
  'the',
  'heir',
  'with',
  'an',
  'arrow',
  'just',
  'as',
  'he',
  'approached',
  'the',
  'age',
  'which',
  'had',
  'been',
  'his',
  'father',
  "'s",
  'at',
  'his',
  'assassination',
  ';',
  'how',
  'he',
  'had',
  'secretly',
  'returned',
  'to',
  'the',
  'estate',
  'and',
  'established',
  'himself',
  ',',
  'unknown',
  ',',
  'in',
  'the',
  'even',
  'then',
  'deserted',
  'subterranean',
  'chamber',
  'whose',
  'doorway',
  'now',
  'framed',
  'the',
  'hideous',
  'narrator',
  ';',
  'how',
  'he',
  'had',
  'seized',
  'Robert',
  ',',
  'son',
  'of',
  'Godfrey',
  ',',
  'in',
  'a',
  'field',
  ',',
  'forced',
  'poison',
  'down',
  'his',
  'throat',
  ',',
  'and',
  'left',
  'him',
  'to',
  'die',
  'at',
  'the',
  'age',
  'of',
  'thirty',
  'two',
  ',',
  'thus',
  'maintaining',
  'the',
  'foul',
  'provisions',
  'of',
  'his',
  'vengeful',
  'curse',
  '.'],
 ['Sometimes',
  'she',
  'observed',
  'the',
  'war',
  'of',
  'elements',
  ',',
  'thinking',
  'that',
  'they',
  'also',
  'declared',
  'against',
  'her',
  ',',
  'and',
  'listened',
  'to',
  'the',
  'pattering',
  'of',
  'the',
  'rain',
  'in',
  'gloomy',
  'despair',
  '.'],
 ['Before',
  'dawn',
  'I',
  'led',
  'my',
  'flock',
  'to',
  'the',
  'sheep',
  'walks',
  ',',
  'and',
  'guarded',
  'them',
  'through',
  'the',
  'day',
  '.'],
 ['Then',
  ',',
  'with',
  'lack',
  'lustre',
  'eyes',
  ',',
  'grey',
  'hairs',
  ',',
  'and',
  'wrinkled',
  'brow',
  ',',
  'though',
  'now',
  'the',
  'words',
  'sound',
  'hollow',
  'and',
  'meaningless',
  ',',
  'then',
  ',',
  'tottering',
  'on',
  'the',
  'grave',
  "'s",
  'extreme',
  'edge',
  ',',
  'I',
  'may',
  'be',
  'your',
  'affectionate',
  'and',
  'true',
  'friend',
  ',',
  '"',
  'PERDITA',
  '.',
  '"'],
 ['The',
  'Sphinx',
  'is',
  'his',
  'cousin',
  ',',
  'and',
  'he',
  'speaks',
  'her',
  'language',
  ';',
  'but',
  'he',
  'is',
  'more',
  'ancient',
  'than',
  'the',
  'Sphinx',
  ',',
  'and',
  'remembers',
  'that',
  'which',
  'she',
  'hath',
  'forgotten',
  '.'],
 ['"',
  'Reperuse',
  'now',
  'that',
  'portion',
  'of',
  'this',
  'argument',
  'which',
  'has',
  'reference',
  'to',
  'the',
  'identification',
  'of',
  'the',
  'corpse',
  'by',
  'Beauvais',
  '.'],
 ['He',
  'had',
  'appeared',
  'each',
  'evening',
  ',',
  'impatience',
  'and',
  'anger',
  'marked',
  'in',
  'his',
  'looks',
  ',',
  'scowling',
  'on',
  'us',
  'from',
  'the',
  'opposite',
  'side',
  'of',
  'St.',
  'Stephen',
  "'s",
  ',',
  'as',
  'if',
  'his',
  'mere',
  'frown',
  'would',
  'cast',
  'eclipse',
  'on',
  'our',
  'hopes',
  '.'],
 ['For',
  'I',
  'admit',
  'the',
  'opinion',
  'of',
  'Copernicus',
  ',',
  'who',
  'maintains',
  'that',
  'it',
  'never',
  'ceases',
  'to',
  'revolve',
  'from',
  'the',
  'east',
  'to',
  'the',
  'west',
  ',',
  'not',
  'upon',
  'the',
  'poles',
  'of',
  'the',
  'Equinoctial',
  ',',
  'commonly',
  'called',
  'the',
  'poles',
  'of',
  'the',
  'world',
  ',',
  'but',
  'upon',
  'those',
  'of',
  'the',
  'Zodiac',
  ',',
  'a',
  'question',
  'of',
  'which',
  'I',
  'propose',
  'to',
  'speak',
  'more',
  'at',
  'length',
  'here',
  'after',
  ',',
  'when',
  'I',
  'shall',
  'have',
  'leisure',
  'to',
  'refresh',
  'my',
  'memory',
  'in',
  'regard',
  'to',
  'the',
  'astrology',
  'which',
  'I',
  'learned',
  'at',
  'Salamanca',
  'when',
  'young',
  ',',
  'and',
  'have',
  'since',
  'forgotten',
  '.',
  '"'],
 ['All',
  'the',
  'torches',
  'now',
  'began',
  'to',
  'dim',
  ',',
  'and',
  'the',
  'cries',
  'of',
  'frightened',
  'legionaries',
  'mingled',
  'with',
  'the',
  'unceasing',
  'screams',
  'of',
  'the',
  'tethered',
  'horses',
  '.'],
 ['I',
  'was',
  'not',
  ',',
  'of',
  'course',
  ',',
  'at',
  'that',
  'time',
  'aware',
  'that',
  'this',
  'apparent',
  'paradox',
  'was',
  'occasioned',
  'by',
  'the',
  'center',
  'of',
  'the',
  'visual',
  'area',
  'being',
  'less',
  'susceptible',
  'of',
  'feeble',
  'impressions',
  'of',
  'light',
  'than',
  'the',
  'exterior',
  'portions',
  'of',
  'the',
  'retina',
  '.'],
 ['On',
  'quitting',
  'the',
  'invalid',
  "'s",
  'bed',
  'side',
  'to',
  'hold',
  'conversation',
  'with',
  'myself',
  ',',
  'Doctors',
  'D',
  'and',
  'F',
  'had',
  'bidden',
  'him',
  'a',
  'final',
  'farewell',
  '.'],
 ['My',
  'uncle',
  ',',
  'as',
  'he',
  'gasped',
  'and',
  'tossed',
  'in',
  'increasing',
  'perturbation',
  'and',
  'with',
  'eyes',
  'that',
  'had',
  'now',
  'started',
  'open',
  ',',
  'seemed',
  'not',
  'one',
  'but',
  'many',
  'men',
  ',',
  'and',
  'suggested',
  'a',
  'curious',
  'quality',
  'of',
  'alienage',
  'from',
  'himself',
  '.'],
 ['He', 'sets', 'his', 'arms', 'a', 'kimbo', '.'],
 ['What',
  'I',
  'have',
  'adduced',
  ',',
  'notwithstanding',
  'the',
  'minuteness',
  'with',
  'which',
  'I',
  'have',
  'adduced',
  'it',
  ',',
  'has',
  'been',
  'with',
  'the',
  'view',
  ',',
  'first',
  ',',
  'to',
  'show',
  'the',
  'folly',
  'of',
  'the',
  'positive',
  'and',
  'headlong',
  'assertions',
  'of',
  'Le',
  'Soleil',
  ',',
  'but',
  'secondly',
  'and',
  'chiefly',
  ',',
  'to',
  'bring',
  'you',
  ',',
  'by',
  'the',
  'most',
  'natural',
  'route',
  ',',
  'to',
  'a',
  'further',
  'contemplation',
  'of',
  'the',
  'doubt',
  'whether',
  'this',
  'assassination',
  'has',
  ',',
  'or',
  'has',
  'not',
  'been',
  ',',
  'the',
  'work',
  'of',
  'a',
  'gang',
  '.'],
 ['According',
  'to',
  'Mwanu',
  ',',
  'the',
  'grey',
  'city',
  'and',
  'the',
  'hybrid',
  'creatures',
  'were',
  'no',
  'more',
  ',',
  'having',
  'been',
  'annihilated',
  'by',
  'the',
  'warlike',
  "N'bangus",
  'many',
  'years',
  'ago',
  '.'],
 ['Hypocritical',
  'fiend',
  'If',
  'he',
  'whom',
  'you',
  'mourn',
  'still',
  'lived',
  ',',
  'still',
  'would',
  'he',
  'be',
  'the',
  'object',
  ',',
  'again',
  'would',
  'he',
  'become',
  'the',
  'prey',
  ',',
  'of',
  'your',
  'accursed',
  'vengeance',
  '.'],
 ['I',
  'had',
  'expected',
  'some',
  'extravagant',
  'proposition',
  ',',
  'and',
  'remained',
  'silent',
  'awhile',
  ',',
  'collecting',
  'my',
  'thoughts',
  'that',
  'I',
  'might',
  'the',
  'better',
  'combat',
  'her',
  'fanciful',
  'scheme',
  '.'],
 ['Then',
  'came',
  'the',
  'frenzied',
  'tones',
  'again',
  ':',
  '"',
  'Carter',
  ',',
  'it',
  "'s",
  'terrible',
  'monstrous',
  'unbelievable',
  '"',
  'This',
  'time',
  'my',
  'voice',
  'did',
  'not',
  'fail',
  'me',
  ',',
  'and',
  'I',
  'poured',
  'into',
  'the',
  'transmitter',
  'a',
  'flood',
  'of',
  'excited',
  'questions',
  '.'],
 ['Armington',
  'helped',
  'Birch',
  'to',
  'the',
  'outside',
  'of',
  'a',
  'spare',
  'bed',
  'and',
  'sent',
  'his',
  'little',
  'son',
  'Edwin',
  'for',
  'Dr.',
  'Davis',
  '.'],
 ['"',
  'I',
  'continued',
  'to',
  'wind',
  'among',
  'the',
  'paths',
  'of',
  'the',
  'wood',
  ',',
  'until',
  'I',
  'came',
  'to',
  'its',
  'boundary',
  ',',
  'which',
  'was',
  'skirted',
  'by',
  'a',
  'deep',
  'and',
  'rapid',
  'river',
  ',',
  'into',
  'which',
  'many',
  'of',
  'the',
  'trees',
  'bent',
  'their',
  'branches',
  ',',
  'now',
  'budding',
  'with',
  'the',
  'fresh',
  'spring',
  '.'],
 ['"',
  'My',
  'dear',
  'father',
  ',',
  'you',
  'are',
  'mistaken',
  ';',
  'Justine',
  'is',
  'innocent',
  '.',
  '"'],
 ['Let',
  'us',
  'rather',
  'go',
  'out',
  'to',
  'meet',
  'it',
  'gallantly',
  ':',
  'or',
  'perhaps',
  'for',
  'all',
  'this',
  'pendulous',
  'orb',
  ',',
  'this',
  'fair',
  'gem',
  'in',
  'the',
  'sky',
  "'s",
  'diadem',
  ',',
  'is',
  'not',
  'surely',
  'plague',
  'striken',
  'perhaps',
  ',',
  'in',
  'some',
  'secluded',
  'nook',
  ',',
  'amidst',
  'eternal',
  'spring',
  ',',
  'and',
  'waving',
  'trees',
  ',',
  'and',
  'purling',
  'streams',
  ',',
  'we',
  'may',
  'find',
  'Life',
  '.'],
 ['The',
  'note',
  'which',
  'he',
  'finally',
  'handed',
  'me',
  'was',
  'an',
  'appeal',
  'for',
  'tolerance',
  'and',
  'forgiveness',
  '.'],
 ['It',
  'was',
  'open',
  ',',
  'and',
  'its',
  'contents',
  'lay',
  'beside',
  'it',
  'on',
  'the',
  'floor',
  '.'],
 ['The',
  'general',
  'burst',
  'of',
  'terrific',
  'grandeur',
  'was',
  'all',
  'that',
  'I',
  'beheld',
  '.'],
 ['The', 'talk', 'went', 'on', 'most', 'all', 'night', '.'],
 ['One',
  'of',
  'his',
  'most',
  'intimate',
  'friends',
  'was',
  'a',
  'merchant',
  'who',
  ',',
  'from',
  'a',
  'flourishing',
  'state',
  ',',
  'fell',
  ',',
  'through',
  'numerous',
  'mischances',
  ',',
  'into',
  'poverty',
  '.'],
 ['He',
  ',',
  'the',
  'noble',
  ',',
  'the',
  'warlike',
  ',',
  'the',
  'great',
  'in',
  'every',
  'quality',
  'that',
  'can',
  'adorn',
  'the',
  'mind',
  'and',
  'person',
  'of',
  'man',
  ';',
  'he',
  'is',
  'fitted',
  'to',
  'be',
  'the',
  'Protector',
  'of',
  'England',
  '.'],
 ['When',
  'exceptions',
  'did',
  'occur',
  ',',
  'they',
  'were',
  'mostly',
  'persons',
  'with',
  'no',
  'trace',
  'of',
  'aberrancy',
  ',',
  'like',
  'the',
  'old',
  'clerk',
  'at',
  'the',
  'hotel',
  '.'],
 ['How',
  'often',
  'hath',
  'he',
  'sung',
  'to',
  'me',
  'of',
  'lands',
  'that',
  'never',
  'were',
  ',',
  'and',
  'things',
  'that',
  'never',
  'can',
  'be',
  'Of',
  'Aira',
  'did',
  'he',
  'speak',
  'much',
  ';',
  'of',
  'Aira',
  'and',
  'the',
  'river',
  'Nithra',
  ',',
  'and',
  'the',
  'falls',
  'of',
  'the',
  'tiny',
  'Kra',
  '.'],
 ['The', 'bishop', 'was', 'last', 'to', 'go', '.'],
 ['This',
  'undercurrent',
  'of',
  'thought',
  ',',
  'often',
  'soothed',
  'me',
  'amidst',
  'distress',
  ',',
  'and',
  'even',
  'agony',
  '.'],
 ['This',
  'poor',
  'man',
  ',',
  'learned',
  'as',
  'La',
  'Place',
  ',',
  'guileless',
  'and',
  'unforeseeing',
  'as',
  'a',
  'child',
  ',',
  'had',
  'often',
  'been',
  'on',
  'the',
  'point',
  'of',
  'starvation',
  ',',
  'he',
  ',',
  'his',
  'pale',
  'wife',
  'and',
  'numerous',
  'offspring',
  ',',
  'while',
  'he',
  'neither',
  'felt',
  'hunger',
  ',',
  'nor',
  'observed',
  'distress',
  '.'],
 ['"',
  'No',
  'what',
  '?',
  '"',
  'said',
  'his',
  'majesty',
  '"',
  'come',
  ',',
  'sir',
  ',',
  'strip',
  '"',
  '"',
  'Strip',
  ',',
  'indeed',
  'very',
  'pretty',
  'i',
  "'",
  'faith',
  'no',
  ',',
  'sir',
  ',',
  'I',
  'shall',
  'not',
  'strip',
  '.'],
 ['It',
  'was',
  'an',
  'egregious',
  'insult',
  'to',
  'the',
  'good',
  'sense',
  'of',
  'the',
  'burghers',
  'of',
  'Rotterdam',
  '.'],
 ['Upon',
  'detaching',
  'the',
  'slab',
  ',',
  'a',
  'cavity',
  'appeared',
  ',',
  'containing',
  'a',
  'leaden',
  'box',
  'filled',
  'with',
  'various',
  'coins',
  ',',
  'a',
  'long',
  'scroll',
  'of',
  'names',
  ',',
  'several',
  'documents',
  'which',
  'appear',
  'to',
  'resemble',
  'newspapers',
  ',',
  'with',
  'other',
  'matters',
  'of',
  'intense',
  'interest',
  'to',
  'the',
  'antiquarian',
  'There',
  'can',
  'be',
  'no',
  'doubt',
  'that',
  'all',
  'these',
  'are',
  'genuine',
  'Amriccan',
  'relics',
  'belonging',
  'to',
  'the',
  'tribe',
  'called',
  'Knickerbocker',
  '.'],
 ['I',
  'did',
  'it',
  'for',
  'so',
  'long',
  'that',
  'life',
  'faded',
  'to',
  'a',
  'far',
  'memory',
  ',',
  'and',
  'I',
  'became',
  'one',
  'with',
  'the',
  'moles',
  'and',
  'grubs',
  'of',
  'nighted',
  'depths',
  '.'],
 ['I',
  'grew',
  'frantically',
  'mad',
  ',',
  'and',
  'struggled',
  'to',
  'force',
  'myself',
  'upward',
  'against',
  'the',
  'sweep',
  'of',
  'the',
  'fearful',
  'scimitar',
  '.'],
 ['Pickman',
  'was',
  'in',
  'every',
  'sense',
  'in',
  'conception',
  'and',
  'in',
  'execution',
  'a',
  'thorough',
  ',',
  'painstaking',
  ',',
  'and',
  'almost',
  'scientific',
  'realist',
  '.'],
 ['"',
  'Used',
  'to',
  'be',
  'talk',
  'of',
  'a',
  'queer',
  'foreign',
  'kind',
  'of',
  'jewellery',
  'that',
  'the',
  'sailors',
  'and',
  'refinery',
  'men',
  'sometimes',
  'sold',
  'on',
  'the',
  'sly',
  ',',
  'or',
  'that',
  'was',
  'seen',
  'once',
  'or',
  'twice',
  'on',
  'some',
  'of',
  'the',
  'Marsh',
  'womenfolks',
  '.'],
 ['But',
  'he',
  'requested',
  'my',
  'attention',
  'particularly',
  ',',
  'and',
  'with',
  'an',
  'air',
  'of',
  'mysterious',
  'sagacity',
  ',',
  'to',
  'a',
  'thick',
  'octavo',
  ',',
  'written',
  'in',
  'barbarous',
  'Latin',
  'by',
  'one',
  'Hedelin',
  ',',
  'a',
  'Frenchman',
  ',',
  'and',
  'having',
  'the',
  'quaint',
  'title',
  ',',
  '"',
  'Duelli',
  'Lex',
  'Scripta',
  ',',
  'et',
  'non',
  ';',
  'aliterque',
  '.',
  '"'],
 ['When',
  ',',
  'a',
  'short',
  'time',
  'previous',
  'to',
  'the',
  'commencement',
  'of',
  'the',
  'game',
  ',',
  'the',
  'Automaton',
  'is',
  'wound',
  'up',
  'by',
  'the',
  'exhibiter',
  'as',
  'usual',
  ',',
  'an',
  'ear',
  'in',
  'any',
  'degree',
  'accustomed',
  'to',
  'the',
  'sounds',
  'produced',
  'in',
  'winding',
  'up',
  'a',
  'system',
  'of',
  'machinery',
  ',',
  'will',
  'not',
  'fail',
  'to',
  'discover',
  ',',
  'instantaneously',
  ',',
  'that',
  'the',
  'axis',
  'turned',
  'by',
  'the',
  'key',
  'in',
  'the',
  'box',
  'of',
  'the',
  'Chess',
  'Player',
  ',',
  'can',
  'not',
  'possibly',
  'be',
  'connected',
  'with',
  'either',
  'a',
  'weight',
  ',',
  'a',
  'spring',
  ',',
  'or',
  'any',
  'system',
  'of',
  'machinery',
  'whatever',
  '.'],
 ['It',
  'contained',
  'but',
  'two',
  'rooms',
  ',',
  'and',
  'these',
  'exhibited',
  'all',
  'the',
  'squalidness',
  'of',
  'the',
  'most',
  'miserable',
  'penury',
  '.'],
 ['They',
  'are',
  'all',
  ',',
  'however',
  ',',
  'fitting',
  'tapestry',
  'for',
  'a',
  'chamber',
  'such',
  'as',
  'this',
  '.'],
 ['Many',
  'of',
  'his',
  'questions',
  'seemed',
  'highly',
  'out',
  'of',
  'place',
  'to',
  'his',
  'visitor',
  ',',
  'especially',
  'those',
  'which',
  'tried',
  'to',
  'connect',
  'the',
  'latter',
  'with',
  'strange',
  'cults',
  'or',
  'societies',
  ';',
  'and',
  'Wilcox',
  'could',
  'not',
  'understand',
  'the',
  'repeated',
  'promises',
  'of',
  'silence',
  'which',
  'he',
  'was',
  'offered',
  'in',
  'exchange',
  'for',
  'an',
  'admission',
  'of',
  'membership',
  'in',
  'some',
  'widespread',
  'mystical',
  'or',
  'paganly',
  'religious',
  'body',
  '.'],
 ['To',
  'me',
  ',',
  'they',
  'have',
  'presented',
  'little',
  'but',
  'Horror',
  'to',
  'many',
  'they',
  'will',
  'seem',
  'less',
  'terrible',
  'than',
  'barroques',
  '.'],
 ['In',
  'his',
  'boyhood',
  'he',
  'had',
  'revelled',
  'through',
  'long',
  'visits',
  'there',
  ',',
  'and',
  'had',
  'found',
  'weird',
  'marvels',
  'in',
  'the',
  'woods',
  'beyond',
  'the',
  'orchard',
  '.'],
 ['It',
  'was',
  'the',
  'pursuit',
  ',',
  'the',
  'extension',
  'of',
  'the',
  'idea',
  ',',
  'which',
  'had',
  'engendered',
  'awe',
  '.'],
 ['Wearied',
  'at',
  'length',
  'with',
  'observing',
  'its',
  'dull',
  'movement',
  ',',
  'I',
  'turned',
  'my',
  'eyes',
  'upon',
  'the',
  'other',
  'objects',
  'in',
  'the',
  'cell',
  '.'],
 ['The',
  'extraordinary',
  'details',
  'which',
  'I',
  'am',
  'now',
  'called',
  'upon',
  'to',
  'make',
  'public',
  ',',
  'will',
  'be',
  'found',
  'to',
  'form',
  ',',
  'as',
  'regards',
  'sequence',
  'of',
  'time',
  ',',
  'the',
  'primary',
  'branch',
  'of',
  'a',
  'series',
  'of',
  'scarcely',
  'intelligible',
  'coincidences',
  ',',
  'whose',
  'secondary',
  'or',
  'concluding',
  'branch',
  'will',
  'be',
  'recognized',
  'by',
  'all',
  'readers',
  'in',
  'the',
  'late',
  'murder',
  'of',
  'Mary',
  'Cecila',
  'Rogers',
  ',',
  'at',
  'New',
  'York',
  '.'],
 ['But',
  'it',
  'refreshed',
  'me',
  'and',
  'filled',
  'me',
  'with',
  'such',
  'agreeable',
  'sensations',
  'that',
  'I',
  'resolved',
  'to',
  'prolong',
  'my',
  'stay',
  'on',
  'the',
  'water',
  ',',
  'and',
  'fixing',
  'the',
  'rudder',
  'in',
  'a',
  'direct',
  'position',
  ',',
  'stretched',
  'myself',
  'at',
  'the',
  'bottom',
  'of',
  'the',
  'boat',
  '.'],
 ['These', 'latter', 'theorize', '.'],
 ['The',
  'shutting',
  'of',
  'the',
  'gates',
  'regularly',
  'at',
  'ten',
  "o'clock",
  'and',
  'the',
  'impossibility',
  'of',
  'remaining',
  'on',
  'the',
  'lake',
  'after',
  'that',
  'hour',
  'had',
  'rendered',
  'our',
  'residence',
  'within',
  'the',
  'walls',
  'of',
  'Geneva',
  'very',
  'irksome',
  'to',
  'me',
  '.'],
 ['Outsiders',
  'visit',
  'Dunwich',
  'as',
  'seldom',
  'as',
  'possible',
  ',',
  'and',
  'since',
  'a',
  'certain',
  'season',
  'of',
  'horror',
  'all',
  'the',
  'signboards',
  'pointing',
  'toward',
  'it',
  'have',
  'been',
  'taken',
  'down',
  '.'],
 ['The',
  'tender',
  'attachment',
  'that',
  'he',
  'bore',
  'me',
  ',',
  'and',
  'the',
  'love',
  'and',
  'veneration',
  'with',
  'which',
  'I',
  'returned',
  'it',
  'cast',
  'a',
  'charm',
  'over',
  'every',
  'moment',
  '.'],
 ['That', "'s", 'capital', 'That', 'will', 'do', 'for', 'the', 'similes', '.'],
 ['While',
  'thus',
  'occupied',
  ',',
  'she',
  'probably',
  'swooned',
  ',',
  'or',
  'possibly',
  'died',
  ',',
  'through',
  'sheer',
  'terror',
  ';',
  'and',
  ',',
  'in',
  'failing',
  ',',
  'her',
  'shroud',
  'became',
  'entangled',
  'in',
  'some',
  'iron',
  'work',
  'which',
  'projected',
  'interiorly',
  '.'],
 ['Those', 'of', "'", 'Oppodeldoc', "'", 'will', 'not', 'scan', '.'],
 ['I',
  'found',
  'it',
  'impossible',
  'to',
  'comprehend',
  'him',
  'either',
  'in',
  'his',
  'moral',
  'or',
  'his',
  'physical',
  'relations',
  '.'],
 ['Such',
  'were',
  'we',
  'upon',
  'earth',
  ',',
  'wondering',
  'aghast',
  'at',
  'the',
  'effects',
  'of',
  'pestilence',
  '.'],
 ['"',
  'Everybody',
  'got',
  'aout',
  'o',
  "'",
  'the',
  'idee',
  'o',
  "'",
  'dyin',
  "'",
  'excep',
  "'",
  'in',
  'canoe',
  'wars',
  'with',
  'the',
  'other',
  'islanders',
  ',',
  'or',
  'as',
  'sacrifices',
  'to',
  'the',
  'sea',
  'gods',
  'daown',
  'below',
  ',',
  'or',
  'from',
  'snake',
  'bite',
  'or',
  'plague',
  'or',
  'sharp',
  'gallopin',
  "'",
  'ailments',
  'or',
  "somethin'",
  'afore',
  'they',
  'cud',
  'take',
  'to',
  'the',
  'water',
  'but',
  'simply',
  'looked',
  'forrad',
  'to',
  'a',
  'kind',
  'o',
  "'",
  'change',
  'that',
  "wa'n't",
  'a',
  'bit',
  'horrible',
  'arter',
  'a',
  'while',
  '.'],
 ['Duns',
  ',',
  'in',
  'the',
  'meantime',
  ',',
  'left',
  'me',
  'little',
  'leisure',
  'for',
  'contemplation',
  '.'],
 ['One',
  'case',
  ',',
  'which',
  'the',
  'note',
  'describes',
  'with',
  'emphasis',
  ',',
  'was',
  'very',
  'sad',
  '.'],
 ['In',
  'time',
  'he',
  'grew',
  'so',
  'impatient',
  'of',
  'the',
  'bleak',
  'intervals',
  'of',
  'day',
  'that',
  'he',
  'began',
  'buying',
  'drugs',
  'in',
  'order',
  'to',
  'increase',
  'his',
  'periods',
  'of',
  'sleep',
  '.'],
 ['In',
  'his',
  'explanation',
  'of',
  'this',
  'phraseology',
  ',',
  'Mr.',
  'Ellison',
  'did',
  'much',
  'toward',
  'solving',
  'what',
  'has',
  'always',
  'seemed',
  'to',
  'me',
  'an',
  'enigma',
  ':',
  'I',
  'mean',
  'the',
  'fact',
  'which',
  'none',
  'but',
  'the',
  'ignorant',
  'dispute',
  'that',
  'no',
  'such',
  'combination',
  'of',
  'scenery',
  'exists',
  'in',
  'nature',
  'as',
  'the',
  'painter',
  'of',
  'genius',
  'may',
  'produce',
  '.'],
 ['The',
  'birth',
  'of',
  'her',
  'daughter',
  ',',
  'embryo',
  'copy',
  'of',
  'her',
  'Raymond',
  ',',
  'filled',
  'up',
  'the',
  'measure',
  'of',
  'her',
  'content',
  ',',
  'and',
  'produced',
  'a',
  'sacred',
  'and',
  'indissoluble',
  'tie',
  'between',
  'them',
  '.'],
 ['She',
  'had',
  'been',
  'in',
  'his',
  'employ',
  'about',
  'a',
  'year',
  ',',
  'when',
  'her',
  'admirers',
  'were',
  'thrown',
  'info',
  'confusion',
  'by',
  'her',
  'sudden',
  'disappearance',
  'from',
  'the',
  'shop',
  '.'],
 ['Then',
  'again',
  'the',
  'kindly',
  'influence',
  'ceased',
  'to',
  'act',
  'I',
  'found',
  'myself',
  'fettered',
  'again',
  'to',
  'grief',
  'and',
  'indulging',
  'in',
  'all',
  'the',
  'misery',
  'of',
  'reflection',
  '.'],
 ['Singular',
  'to',
  'relate',
  ',',
  'it',
  'was',
  'once',
  'much',
  'admired',
  'as',
  'an',
  'article',
  'of',
  'female',
  'dress',
  'Balloons',
  'were',
  'also',
  'very',
  'generally',
  'constructed',
  'from',
  'it',
  '.'],
 ['Once',
  'he',
  'met',
  'some',
  'friends',
  'who',
  'remarked',
  'how',
  'oddly',
  'sunburned',
  'he',
  'looked',
  ',',
  'but',
  'he',
  'did',
  'not',
  'tell',
  'them',
  'of',
  'his',
  'walk',
  '.'],
 ['"',
  'Dear',
  'Madam',
  ',',
  '"',
  'said',
  'Adrian',
  ',',
  '"',
  'let',
  'me',
  'entreat',
  'you',
  'to',
  'see',
  'him',
  ',',
  'to',
  'cultivate',
  'his',
  'friendship',
  '.'],
 ['These',
  'words',
  'are',
  'sufficiently',
  'vague',
  ',',
  'but',
  'differ',
  'materially',
  'from',
  'those',
  'of',
  'Le',
  'Commerciel',
  '.'],
 ['They',
  'were',
  'not',
  'altogether',
  'crows',
  ',',
  'nor',
  'moles',
  ',',
  'nor',
  'buzzards',
  ',',
  'nor',
  'ants',
  ',',
  'nor',
  'vampire',
  'bats',
  ',',
  'nor',
  'decomposed',
  'human',
  'beings',
  ';',
  'but',
  'something',
  'I',
  'can',
  'not',
  'and',
  'must',
  'not',
  'recall',
  '.'],
 ['On',
  'hearing',
  'this',
  'word',
  ',',
  'Felix',
  'came',
  'up',
  'hastily',
  'to',
  'the',
  'lady',
  ',',
  'who',
  ',',
  'when',
  'she',
  'saw',
  'him',
  ',',
  'threw',
  'up',
  'her',
  'veil',
  ',',
  'and',
  'I',
  'beheld',
  'a',
  'countenance',
  'of',
  'angelic',
  'beauty',
  'and',
  'expression',
  '.'],
 ['I',
  'reasoned',
  ',',
  'for',
  'example',
  ',',
  'thus',
  ':',
  'When',
  'I',
  'drew',
  'the',
  'scarabæus',
  ',',
  'there',
  'was',
  'no',
  'skull',
  'apparent',
  'upon',
  'the',
  'parchment',
  '.'],
 ['In',
  'this',
  'sweet',
  'tongue',
  ',',
  'so',
  'adapted',
  'to',
  'passion',
  ',',
  'I',
  'gave',
  'loose',
  'to',
  'the',
  'impetuous',
  'enthusiasm',
  'of',
  'my',
  'nature',
  ',',
  'and',
  ',',
  'with',
  'all',
  'the',
  'eloquence',
  'I',
  'could',
  'command',
  ',',
  'besought',
  'her',
  'to',
  'consent',
  'to',
  'an',
  'immediate',
  'marriage',
  '.'],
 ['He',
  'did',
  'not',
  'say',
  'that',
  'he',
  'should',
  'favour',
  'such',
  'an',
  'attempt',
  ';',
  'but',
  'he',
  'did',
  'say',
  'that',
  'such',
  'an',
  'attempt',
  'would',
  'be',
  'venial',
  ';',
  'and',
  ',',
  'if',
  'the',
  'aspirant',
  'did',
  'not',
  'go',
  'so',
  'far',
  'as',
  'to',
  'declare',
  'war',
  ',',
  'and',
  'erect',
  'a',
  'standard',
  'in',
  'the',
  'kingdom',
  ',',
  'his',
  'fault',
  'ought',
  'to',
  'be',
  'regarded',
  'with',
  'an',
  'indulgent',
  'eye',
  '.'],
 ['He',
  'can',
  'influence',
  'the',
  'blood',
  'thirsty',
  'war',
  'dogs',
  ',',
  'while',
  'I',
  'resist',
  'their',
  'propensities',
  'vainly',
  '.'],
 ['It',
  'was',
  'completely',
  'dark',
  'when',
  'I',
  'arrived',
  'in',
  'the',
  'environs',
  'of',
  'Geneva',
  ';',
  'the',
  'gates',
  'of',
  'the',
  'town',
  'were',
  'already',
  'shut',
  ';',
  'and',
  'I',
  'was',
  'obliged',
  'to',
  'pass',
  'the',
  'night',
  'at',
  'Secheron',
  ',',
  'a',
  'village',
  'at',
  'the',
  'distance',
  'of',
  'half',
  'a',
  'league',
  'from',
  'the',
  'city',
  '.'],
 ['We', 'arrived', 'at', 'Kishan', 'on', 'the', 'th', 'of', 'July', '.'],
 ['But',
  'they',
  'tell',
  'us',
  'that',
  'the',
  'curse',
  'of',
  'God',
  'is',
  'on',
  'the',
  'place',
  ',',
  'for',
  'every',
  'one',
  'who',
  'has',
  'ventured',
  'within',
  'the',
  'walls',
  'has',
  'been',
  'tainted',
  'by',
  'the',
  'plague',
  ';',
  'that',
  'this',
  'disease',
  'has',
  'spread',
  'in',
  'Thrace',
  'and',
  'Macedonia',
  ';',
  'and',
  'now',
  ',',
  'fearing',
  'the',
  'virulence',
  'of',
  'infection',
  'during',
  'the',
  'coming',
  'heats',
  ',',
  'a',
  'cordon',
  'has',
  'been',
  'drawn',
  'on',
  'the',
  'frontiers',
  'of',
  'Thessaly',
  ',',
  'and',
  'a',
  'strict',
  'quarantine',
  'exacted',
  '.',
  '"'],
 ['And',
  'in',
  'the',
  'contour',
  'of',
  'the',
  'high',
  'forehead',
  ',',
  'and',
  'in',
  'the',
  'ringlets',
  'of',
  'the',
  'silken',
  'hair',
  ',',
  'and',
  'in',
  'the',
  'wan',
  'fingers',
  'which',
  'buried',
  'themselves',
  'therein',
  ',',
  'and',
  'in',
  'the',
  'sad',
  'musical',
  'tones',
  'of',
  'her',
  'speech',
  ',',
  'and',
  'above',
  'all',
  'oh',
  ',',
  'above',
  'all',
  ',',
  'in',
  'the',
  'phrases',
  'and',
  'expressions',
  'of',
  'the',
  'dead',
  'on',
  'the',
  'lips',
  'of',
  'the',
  'loved',
  'and',
  'the',
  'living',
  ',',
  'I',
  'found',
  'food',
  'for',
  'consuming',
  'thought',
  'and',
  'horror',
  ',',
  'for',
  'a',
  'worm',
  'that',
  'would',
  'not',
  'die',
  '.'],
 ['"',
  'Ave',
  ',',
  'Caesar',
  ',',
  'moriturus',
  'te',
  'saluto',
  '"',
  'he',
  'shouted',
  ',',
  'and',
  'dropped',
  'to',
  'the',
  'whiskey',
  'reeking',
  'floor',
  ',',
  'never',
  'to',
  'rise',
  'again',
  '.'],
 ['In',
  'snatches',
  ',',
  'they',
  'learn',
  'something',
  'of',
  'the',
  'wisdom',
  'which',
  'is',
  'of',
  'good',
  ',',
  'and',
  'more',
  'of',
  'the',
  'mere',
  'knowledge',
  'which',
  'is',
  'of',
  'evil',
  '.'],
 ['The',
  'first',
  'action',
  'of',
  'my',
  'life',
  'was',
  'the',
  'taking',
  'hold',
  'of',
  'my',
  'nose',
  'with',
  'both',
  'hands',
  '.'],
 ['For',
  'such',
  'follies',
  ',',
  'even',
  'in',
  'childhood',
  ',',
  'I',
  'had',
  'imbibed',
  'a',
  'taste',
  'and',
  'now',
  'they',
  'came',
  'back',
  'to',
  'me',
  'as',
  'if',
  'in',
  'the',
  'dotage',
  'of',
  'grief',
  '.'],
 ['His',
  'money',
  'and',
  'lands',
  'were',
  'gone',
  ',',
  'and',
  'he',
  'did',
  'not',
  'care',
  'for',
  'the',
  'ways',
  'of',
  'people',
  'about',
  'him',
  ',',
  'but',
  'preferred',
  'to',
  'dream',
  'and',
  'write',
  'of',
  'his',
  'dreams',
  '.'],
 ['Each',
  'animal',
  'if',
  'you',
  'will',
  'take',
  'the',
  'pains',
  'to',
  'observe',
  ',',
  'is',
  'following',
  ',',
  'very',
  'quietly',
  ',',
  'in',
  'the',
  'wake',
  'of',
  'its',
  'master',
  '.'],
 ['About',
  ',',
  'when',
  'Wilbur',
  'was',
  'a',
  'boy',
  'of',
  'ten',
  'whose',
  'mind',
  ',',
  'voice',
  ',',
  'stature',
  ',',
  'and',
  'bearded',
  'face',
  'gave',
  'all',
  'the',
  'impressions',
  'of',
  'maturity',
  ',',
  'a',
  'second',
  'great',
  'siege',
  'of',
  'carpentry',
  'went',
  'on',
  'at',
  'the',
  'old',
  'house',
  '.'],
 ['Farewell',
  'to',
  'the',
  'sea',
  'Come',
  ',',
  'my',
  'Clara',
  ',',
  'sit',
  'beside',
  'me',
  'in',
  'this',
  'aerial',
  'bark',
  ';',
  'quickly',
  'and',
  'gently',
  'it',
  'cleaves',
  'the',
  'azure',
  'serene',
  ',',
  'and',
  'with',
  'soft',
  'undulation',
  'glides',
  'upon',
  'the',
  'current',
  'of',
  'the',
  'air',
  ';',
  'or',
  ',',
  'if',
  'storm',
  'shake',
  'its',
  'fragile',
  'mechanism',
  ',',
  'the',
  'green',
  'earth',
  'is',
  'below',
  ';',
  'we',
  'can',
  'descend',
  ',',
  'and',
  'take',
  'shelter',
  'on',
  'the',
  'stable',
  'continent',
  '.'],
 ['HALF',
  'England',
  'was',
  'desolate',
  ',',
  'when',
  'October',
  'came',
  ',',
  'and',
  'the',
  'equinoctial',
  'winds',
  'swept',
  'over',
  'the',
  'earth',
  ',',
  'chilling',
  'the',
  'ardours',
  'of',
  'the',
  'unhealthy',
  'season',
  '.'],
 ['"',
  'Felix',
  'seemed',
  'ravished',
  'with',
  'delight',
  'when',
  'he',
  'saw',
  'her',
  ',',
  'every',
  'trait',
  'of',
  'sorrow',
  'vanished',
  'from',
  'his',
  'face',
  ',',
  'and',
  'it',
  'instantly',
  'expressed',
  'a',
  'degree',
  'of',
  'ecstatic',
  'joy',
  ',',
  'of',
  'which',
  'I',
  'could',
  'hardly',
  'have',
  'believed',
  'it',
  'capable',
  ';',
  'his',
  'eyes',
  'sparkled',
  ',',
  'as',
  'his',
  'cheek',
  'flushed',
  'with',
  'pleasure',
  ';',
  'and',
  'at',
  'that',
  'moment',
  'I',
  'thought',
  'him',
  'as',
  'beautiful',
  'as',
  'the',
  'stranger',
  '.'],
 ['Woodville',
  'was',
  'free',
  'from',
  'all',
  'these',
  'evils',
  ';',
  'and',
  'if',
  'slight',
  'examples',
  'did',
  'come',
  'across',
  'him',
  'he',
  'did',
  'not',
  'notice',
  'them',
  'but',
  'passed',
  'on',
  'in',
  'his',
  'course',
  'as',
  'an',
  'angel',
  'with',
  'winged',
  'feet',
  'might',
  'glide',
  'along',
  'the',
  'earth',
  'unimpeded',
  'by',
  'all',
  'those',
  'little',
  'obstacles',
  'over',
  'which',
  'we',
  'of',
  'earthly',
  'origin',
  'stumble',
  '.'],
 ['That',
  'Mrs.',
  'Lackobreath',
  'should',
  'admire',
  'anything',
  'so',
  'dissimilar',
  'to',
  'myself',
  'was',
  'a',
  'natural',
  'and',
  'necessary',
  'evil',
  '.'],
 ['Only',
  'his',
  'tendency',
  'toward',
  'a',
  'dazed',
  'stupor',
  'prevented',
  'him',
  'from',
  'screaming',
  'aloud',
  '.'],
 ['Of',
  'course',
  ',',
  'then',
  ',',
  'it',
  'is',
  'the',
  'interest',
  'of',
  'the',
  'proprietor',
  'to',
  'represent',
  'it',
  'as',
  'a',
  'pure',
  'machine',
  '.'],
 ['I',
  'said',
  'the',
  'child',
  'grew',
  'strangely',
  'in',
  'stature',
  'and',
  'intelligence',
  '.'],
 ['"',
  'Have',
  'you',
  'heard',
  'of',
  'the',
  'unhappy',
  'death',
  'of',
  'the',
  'old',
  'hunter',
  'Berlifitzing',
  '?',
  '"',
  'said',
  'one',
  'of',
  'his',
  'vassals',
  'to',
  'the',
  'Baron',
  ',',
  'as',
  ',',
  'after',
  'the',
  'departure',
  'of',
  'the',
  'page',
  ',',
  'the',
  'huge',
  'steed',
  'which',
  'that',
  'nobleman',
  'had',
  'adopted',
  'as',
  'his',
  'own',
  ',',
  'plunged',
  'and',
  'curvetted',
  ',',
  'with',
  'redoubled',
  'fury',
  ',',
  'down',
  'the',
  'long',
  'avenue',
  'which',
  'extended',
  'from',
  'the',
  'chateau',
  'to',
  'the',
  'stables',
  'of',
  'Metzengerstein',
  '.'],
 ['I',
  'have',
  'lost',
  'my',
  'hopes',
  'of',
  'utility',
  'and',
  'glory',
  ';',
  'I',
  'have',
  'lost',
  'my',
  'friend',
  '.'],
 ['"',
  'The',
  'revolution',
  'which',
  'has',
  'just',
  'been',
  'made',
  'by',
  'the',
  'Fay',
  ',',
  '"',
  'continued',
  'I',
  ',',
  'musingly',
  ',',
  '"',
  'is',
  'the',
  'cycle',
  'of',
  'the',
  'brief',
  'year',
  'of',
  'her',
  'life',
  '.'],
 ['Furtive',
  ',',
  'shambling',
  'creatures',
  'stared',
  'cryptically',
  'in',
  'my',
  'direction',
  ',',
  'and',
  'more',
  'normal',
  'faces',
  'eyed',
  'me',
  'coldly',
  'and',
  'curiously',
  '.'],
 ['While',
  'he',
  'spoke',
  ',',
  'so',
  'profound',
  'was',
  'the',
  'stillness',
  'that',
  'one',
  'might',
  'have',
  'heard',
  'a',
  'pin',
  'drop',
  'upon',
  'the',
  'floor',
  '.'],
 ["others'll",
  'worship',
  'with',
  'us',
  'at',
  'meetin',
  "'",
  'time',
  ',',
  'an',
  "'",
  'sarten',
  'haouses',
  'hez',
  'got',
  'to',
  'entertain',
  'guests',
  '.',
  '.',
  '.'],
 ['And',
  'golden',
  'flames',
  'played',
  'about',
  'weedy',
  'locks',
  ',',
  'so',
  'that',
  'Olney',
  'was',
  'dazzled',
  'as',
  'he',
  'did',
  'them',
  'homage',
  '.'],
 ['I',
  'turned',
  'it',
  'on',
  'full',
  'in',
  'his',
  'face',
  ',',
  'and',
  'saw',
  'the',
  'sallow',
  'features',
  'glow',
  'first',
  'with',
  'violet',
  'and',
  'then',
  'with',
  'pinkish',
  'light',
  '.'],
 ['Up',
  'to',
  'the',
  'period',
  'when',
  'I',
  'fell',
  'I',
  'had',
  'counted',
  'fifty',
  'two',
  'paces',
  ',',
  'and',
  'upon',
  'resuming',
  'my',
  'walk',
  ',',
  'I',
  'had',
  'counted',
  'forty',
  'eight',
  'more',
  ';',
  'when',
  'I',
  'arrived',
  'at',
  'the',
  'rag',
  '.'],
 ['After',
  'the',
  'first',
  'start',
  ',',
  'he',
  'replaced',
  'the',
  'tissue',
  'wrapping',
  'around',
  'the',
  'portrait',
  ',',
  'as',
  'if',
  'to',
  'shield',
  'it',
  'from',
  'the',
  'sordidness',
  'of',
  'the',
  'place',
  '.'],
 ['"',
  'His',
  'attempts',
  'at',
  'getting',
  'on',
  'have',
  'been',
  'mere',
  'abortions',
  ',',
  'and',
  'his',
  'circumgyratory',
  'proceedings',
  'a',
  'palpable',
  'failure',
  '.'],
 ['But',
  ',',
  'as',
  'the',
  'loss',
  'of',
  'his',
  'ears',
  'proved',
  'the',
  'means',
  'of',
  'elevating',
  'to',
  'the',
  'throne',
  'of',
  'Cyrus',
  ',',
  'the',
  'Magian',
  'or',
  'Mige',
  'Gush',
  'of',
  'Persia',
  ',',
  'and',
  'as',
  'the',
  'cutting',
  'off',
  'his',
  'nose',
  'gave',
  'Zopyrus',
  'possession',
  'of',
  'Babylon',
  ',',
  'so',
  'the',
  'loss',
  'of',
  'a',
  'few',
  'ounces',
  'of',
  'my',
  'countenance',
  'proved',
  'the',
  'salvation',
  'of',
  'my',
  'body',
  '.'],
 ['In',
  'these',
  'excursions',
  'he',
  'was',
  'usually',
  'accompanied',
  'by',
  'an',
  'old',
  'negro',
  ',',
  'called',
  'Jupiter',
  ',',
  'who',
  'had',
  'been',
  'manumitted',
  'before',
  'the',
  'reverses',
  'of',
  'the',
  'family',
  ',',
  'but',
  'who',
  'could',
  'be',
  'induced',
  ',',
  'neither',
  'by',
  'threats',
  'nor',
  'by',
  'promises',
  ',',
  'to',
  'abandon',
  'what',
  'he',
  'considered',
  'his',
  'right',
  'of',
  'attendance',
  'upon',
  'the',
  'footsteps',
  'of',
  'his',
  'young',
  '"',
  'Massa',
  'Will',
  '.',
  '"'],
 ['There',
  'was',
  'none',
  'of',
  'the',
  'exotic',
  'technique',
  'you',
  'see',
  'in',
  'Sidney',
  'Sime',
  ',',
  'none',
  'of',
  'the',
  'trans',
  'Saturnian',
  'landscapes',
  'and',
  'lunar',
  'fungi',
  'that',
  'Clark',
  'Ashton',
  'Smith',
  'uses',
  'to',
  'freeze',
  'the',
  'blood',
  '.'],
 ['The',
  'city',
  'below',
  'stretched',
  'away',
  'to',
  'the',
  'limits',
  'of',
  'vision',
  ',',
  'and',
  'he',
  'hoped',
  'that',
  'no',
  'sound',
  'would',
  'well',
  'up',
  'from',
  'it',
  '.'],
 ['He',
  'is',
  'that',
  'monstrum',
  'horrendum',
  ',',
  'an',
  'unprincipled',
  'man',
  'of',
  'genius',
  '.'],
 ['Through',
  'this',
  'work',
  'I',
  'obtained',
  'a',
  'cursory',
  'knowledge',
  'of',
  'history',
  'and',
  'a',
  'view',
  'of',
  'the',
  'several',
  'empires',
  'at',
  'present',
  'existing',
  'in',
  'the',
  'world',
  ';',
  'it',
  'gave',
  'me',
  'an',
  'insight',
  'into',
  'the',
  'manners',
  ',',
  'governments',
  ',',
  'and',
  'religions',
  'of',
  'the',
  'different',
  'nations',
  'of',
  'the',
  'earth',
  '.'],
 ['He',
  'wondered',
  'how',
  'it',
  'would',
  'look',
  ',',
  'for',
  'it',
  'had',
  'been',
  'left',
  'vacant',
  'and',
  'untended',
  'through',
  'his',
  'neglect',
  'since',
  'the',
  'death',
  'of',
  'his',
  'strange',
  'great',
  'uncle',
  'Christopher',
  'thirty',
  'years',
  'before',
  '.'],
 ['I',
  'touched',
  'it',
  ';',
  'and',
  'the',
  'head',
  ',',
  'with',
  'about',
  'a',
  'quarter',
  'of',
  'an',
  'inch',
  'of',
  'the',
  'shank',
  ',',
  'came',
  'off',
  'in',
  'my',
  'fingers',
  '.'],
 ['It',
  'must',
  'have',
  'been',
  'midnight',
  'at',
  'least',
  'when',
  'Birch',
  'decided',
  'he',
  'could',
  'get',
  'through',
  'the',
  'transom',
  '.'],
 ['The',
  'air',
  'had',
  'begun',
  'to',
  'be',
  'exceedingly',
  'unwholesome',
  ';',
  'but',
  'to',
  'this',
  'detail',
  'he',
  'paid',
  'no',
  'attention',
  'as',
  'he',
  'toiled',
  ',',
  'half',
  'by',
  'feeling',
  ',',
  'at',
  'the',
  'heavy',
  'and',
  'corroded',
  'metal',
  'of',
  'the',
  'latch',
  '.'],
 ['All',
  'at',
  'once',
  'the',
  'head',
  'turned',
  'sharply',
  'in',
  'my',
  'direction',
  'and',
  'the',
  'eyes',
  'fell',
  'open',
  ',',
  'causing',
  'me',
  'to',
  'stare',
  'in',
  'blank',
  'amazement',
  'at',
  'what',
  'I',
  'beheld',
  '.'],
 ['It',
  'then',
  'stopped',
  ',',
  'the',
  'page',
  'descended',
  'and',
  'opened',
  'the',
  'door',
  ',',
  'the',
  'lady',
  'alighted',
  ',',
  'and',
  'presented',
  'a',
  'petition',
  'to',
  'her',
  'sovereign',
  '.'],
 ['Suddenly',
  'I',
  'became',
  'as',
  'it',
  'were',
  'the',
  'father',
  'of',
  'all',
  'mankind',
  '.'],
 ['But',
  ',',
  'when',
  'I',
  'recovered',
  'from',
  'this',
  'stupor',
  ',',
  'there',
  'dawned',
  'upon',
  'me',
  'gradually',
  'a',
  'conviction',
  'which',
  'startled',
  'me',
  'even',
  'far',
  'more',
  'than',
  'the',
  'coincidence',
  '.'],
 ['No',
  'doubt',
  'the',
  'true',
  'object',
  'was',
  'to',
  'admit',
  'the',
  'arm',
  'of',
  'an',
  'attendant',
  ',',
  'to',
  'adjust',
  ',',
  'when',
  'necessary',
  ',',
  'the',
  'hands',
  'of',
  'the',
  'clock',
  'from',
  'within',
  '.'],
 ['A',
  'line',
  'dropped',
  'from',
  'an',
  'elevation',
  'of',
  ',',
  'feet',
  ',',
  'perpendicularly',
  'to',
  'the',
  'surface',
  'of',
  'the',
  'earth',
  'or',
  'sea',
  ',',
  'would',
  'form',
  'the',
  'perpendicular',
  'of',
  'a',
  'right',
  'angled',
  'triangle',
  ',',
  'of',
  'which',
  'the',
  'base',
  'would',
  'extend',
  'from',
  'the',
  'right',
  'angle',
  'to',
  'the',
  'horizon',
  ',',
  'and',
  'the',
  'hypothenuse',
  'from',
  'the',
  'horizon',
  'to',
  'the',
  'balloon',
  '.'],
 ['A',
  'servant',
  'in',
  'Geneva',
  'does',
  'not',
  'mean',
  'the',
  'same',
  'thing',
  'as',
  'a',
  'servant',
  'in',
  'France',
  'and',
  'England',
  '.'],
 ['"', 'P.S.', 'by', 'Mr.', 'Ainsworth', '.'],
 ['We',
  'saw',
  'at',
  'a',
  'glance',
  'that',
  'the',
  'doom',
  'of',
  'the',
  'unfortunate',
  'artist',
  'was',
  'sealed',
  '.'],
 ['The',
  'next',
  'morning',
  'while',
  'sitting',
  'on',
  'the',
  'steps',
  'of',
  'the',
  'temple',
  'of',
  'Aesculapius',
  'in',
  'the',
  'Borghese',
  'gardens',
  'Fantasia',
  'again',
  'visited',
  'me',
  'smilingly',
  'beckoned',
  'to',
  'me',
  'to',
  'follow',
  'her',
  'My',
  'flight',
  'was',
  'at',
  'first',
  'heavy',
  'but',
  'the',
  'breezes',
  'commanded',
  'by',
  'the',
  'spirit',
  'to',
  'convoy',
  'me',
  'grew',
  'stronger',
  'as',
  'I',
  'advanced',
  'a',
  'pleasing',
  'languour',
  'seized',
  'my',
  'senses',
  'when',
  'I',
  'recovered',
  'I',
  'found',
  'my',
  'self',
  'by',
  'the',
  'Elysian',
  'fountain',
  'near',
  'Diotima',
  'The',
  'beautiful',
  'female',
  'whom',
  'I',
  'had',
  'left',
  'on',
  'the',
  'point',
  'of',
  'narrating',
  'her',
  'earthly',
  'history',
  'seemed',
  'to',
  'have',
  'waited',
  'for',
  'my',
  'return',
  'and',
  'as',
  'soon',
  'as',
  'I',
  'appeared',
  'she',
  'spoke',
  'thus',
  'I',
  'VISITED',
  'Naples',
  'in',
  'the',
  'year',
  '.'],
 ['You',
  'must',
  'not',
  'shut',
  'me',
  'from',
  'all',
  'communion',
  'with',
  'you',
  ':',
  'do',
  'not',
  'tell',
  'me',
  'why',
  'you',
  'grieve',
  'but',
  'only',
  'say',
  'the',
  'words',
  ',',
  '"',
  'I',
  'am',
  'unhappy',
  ',',
  '"',
  'and',
  'you',
  'will',
  'feel',
  'relieved',
  'as',
  'if',
  'for',
  'some',
  'time',
  'excluded',
  'from',
  'all',
  'intercourse',
  'by',
  'some',
  'magic',
  'spell',
  'you',
  'should',
  'suddenly',
  'enter',
  'again',
  'the',
  'pale',
  'of',
  'human',
  'sympathy',
  '.'],
 ['The',
  'apothecary',
  'had',
  'an',
  'idea',
  'that',
  'I',
  'was',
  'actually',
  'dead',
  '.'],
 ['The',
  'rain',
  'was',
  'pouring',
  'in',
  'torrents',
  ',',
  'and',
  'thick',
  'mists',
  'hid',
  'the',
  'summits',
  'of',
  'the',
  'mountains',
  ',',
  'so',
  'that',
  'I',
  'even',
  'saw',
  'not',
  'the',
  'faces',
  'of',
  'those',
  'mighty',
  'friends',
  '.'],
 ['She',
  'had',
  'rejected',
  'these',
  'advances',
  ';',
  'and',
  'the',
  'time',
  'for',
  'such',
  'exuberant',
  'submission',
  ',',
  'which',
  'must',
  'be',
  'founded',
  'on',
  'love',
  'and',
  'nourished',
  'by',
  'it',
  ',',
  'was',
  'now',
  'passed',
  '.'],
 ['These',
  'bleak',
  'skies',
  'I',
  'hail',
  ',',
  'for',
  'they',
  'are',
  'kinder',
  'to',
  'me',
  'than',
  'your',
  'fellow',
  'beings',
  '.'],
 ['I',
  'met',
  'a',
  'company',
  'of',
  'soldiers',
  'outside',
  'the',
  'walls',
  ';',
  'I',
  'borrowed',
  'a',
  'horse',
  'from',
  'one',
  'of',
  'them',
  ',',
  'and',
  'hastened',
  'to',
  'my',
  'sister',
  '.'],
 ['Full',
  'of',
  'this',
  'purpose',
  ',',
  'I',
  'looked',
  'about',
  'me',
  'to',
  'find',
  'a',
  'friend',
  'whom',
  'I',
  'could',
  'entrust',
  'with',
  'a',
  'message',
  'to',
  'his',
  'Daddyship',
  ',',
  'and',
  'as',
  'the',
  'editor',
  'of',
  'the',
  '"',
  'Lollipop',
  '"',
  'had',
  'given',
  'me',
  'marked',
  'tokens',
  'of',
  'regard',
  ',',
  'I',
  'at',
  'length',
  'concluded',
  'to',
  'seek',
  'assistance',
  'upon',
  'the',
  'present',
  'occasion',
  '.'],
 ['But',
  'the',
  'Marchesa',
  'She',
  'will',
  'now',
  'receive',
  'her',
  'child',
  'she',
  'will',
  'press',
  'it',
  'to',
  'her',
  'heart',
  'she',
  'will',
  'cling',
  'to',
  'its',
  'little',
  'form',
  ',',
  'and',
  'smother',
  'it',
  'with',
  'her',
  'caresses',
  '.'],
 ['To',
  'the',
  'generality',
  'of',
  'spectators',
  'he',
  'appeared',
  'careless',
  'of',
  'censure',
  ',',
  'and',
  'with',
  'high',
  'disdain',
  'to',
  'throw',
  'aside',
  'all',
  'dependance',
  'on',
  'public',
  'prejudices',
  ';',
  'but',
  'at',
  'the',
  'same',
  'time',
  'that',
  'he',
  'strode',
  'with',
  'a',
  'triumphant',
  'stride',
  'over',
  'the',
  'rest',
  'of',
  'the',
  'world',
  ',',
  'he',
  'cowered',
  ',',
  'with',
  'self',
  'disguised',
  'lowliness',
  ',',
  'to',
  'his',
  'own',
  'party',
  ',',
  'and',
  'although',
  'its',
  'chief',
  'never',
  'dared',
  'express',
  'an',
  'opinion',
  'or',
  'a',
  'feeling',
  'until',
  'he',
  'was',
  'assured',
  'that',
  'it',
  'would',
  'meet',
  'with',
  'the',
  'approbation',
  'of',
  'his',
  'companions',
  '.'],
 ['There',
  'was',
  'no',
  'investigation',
  'of',
  'any',
  'thing',
  'at',
  'all',
  '.'],
 ['"',
  'Mein',
  'Gott',
  ',',
  'den',
  ',',
  'vat',
  'a',
  'vool',
  'you',
  'bees',
  'for',
  'dat',
  '"',
  'replied',
  'one',
  'of',
  'the',
  'most',
  'remarkable',
  'voices',
  'I',
  'ever',
  'heard',
  '.'],
 ['The',
  'mountain',
  'trembled',
  'to',
  'its',
  'very',
  'base',
  ',',
  'and',
  'the',
  'rock',
  'rocked',
  '.'],
 ['To',
  'the',
  'right',
  'to',
  'the',
  'left',
  'far',
  'and',
  'wide',
  'with',
  'the',
  'shriek',
  'of',
  'a',
  'damned',
  'spirit',
  ';',
  'to',
  'my',
  'heart',
  'with',
  'the',
  'stealthy',
  'pace',
  'of',
  'the',
  'tiger',
  'I',
  'alternately',
  'laughed',
  'and',
  'howled',
  'as',
  'the',
  'one',
  'or',
  'the',
  'other',
  'idea',
  'grew',
  'predominant',
  '.'],
 ['He',
  'was',
  'essentially',
  'a',
  '"',
  'theorist',
  '"',
  'that',
  'word',
  'now',
  'of',
  'so',
  'much',
  'sanctity',
  ',',
  'formerly',
  'an',
  'epithet',
  'of',
  'contempt',
  '.'],
 ['One',
  'small',
  ',',
  'fairy',
  'foot',
  ',',
  'alone',
  'visible',
  ',',
  'barely',
  'touched',
  'the',
  'earth',
  ';',
  'and',
  ',',
  'scarcely',
  'discernible',
  'in',
  'the',
  'brilliant',
  'atmosphere',
  'which',
  'seemed',
  'to',
  'encircle',
  'and',
  'enshrine',
  'her',
  'loveliness',
  ',',
  'floated',
  'a',
  'pair',
  'of',
  'the',
  'most',
  'delicately',
  'imagined',
  'wings',
  '.'],
 ['"',
  'You',
  ',',
  'who',
  'call',
  'Frankenstein',
  'your',
  'friend',
  ',',
  'seem',
  'to',
  'have',
  'a',
  'knowledge',
  'of',
  'my',
  'crimes',
  'and',
  'his',
  'misfortunes',
  '.'],
 ['I',
  'will',
  'be',
  'brief',
  'for',
  'there',
  'is',
  'in',
  'all',
  'this',
  'a',
  'horror',
  'that',
  'will',
  'not',
  'bear',
  'many',
  'words',
  ',',
  'and',
  'I',
  'sink',
  'almost',
  'a',
  'second',
  'time',
  'to',
  'death',
  'while',
  'I',
  'recall',
  'these',
  'sad',
  'scenes',
  'to',
  'my',
  'memory',
  '.'],
 ['And',
  ',',
  'now',
  ',',
  'let',
  'me',
  'beg',
  'your',
  'notice',
  'to',
  'the',
  'highly',
  'artificial',
  'arrangement',
  'of',
  'the',
  'articles',
  '.'],
 ['He',
  'was',
  'merely',
  'crass',
  'of',
  'fibre',
  'and',
  'function',
  'thoughtless',
  ',',
  'careless',
  ',',
  'and',
  'liquorish',
  ',',
  'as',
  'his',
  'easily',
  'avoidable',
  'accident',
  'proves',
  ',',
  'and',
  'without',
  'that',
  'modicum',
  'of',
  'imagination',
  'which',
  'holds',
  'the',
  'average',
  'citizen',
  'within',
  'certain',
  'limits',
  'fixed',
  'by',
  'taste',
  '.'],
 ['Ay',
  ',',
  'ay',
  ',',
  '"',
  'continued',
  'he',
  ',',
  'observing',
  'my',
  'face',
  'expressive',
  'of',
  'suffering',
  ',',
  '"',
  'M.'],
 ['I',
  'would',
  'really',
  'give',
  'fifty',
  'thousand',
  'francs',
  'to',
  'any',
  'one',
  'who',
  'would',
  'aid',
  'me',
  'in',
  'the',
  'matter',
  '.',
  '"'],
 ['An',
  'hour',
  'thus',
  'elapsed',
  'when',
  'could',
  'it',
  'be',
  'possible',
  '?'],
 ['Most',
  'interesting',
  'of',
  'all',
  'was',
  'a',
  'glancing',
  'reference',
  'to',
  'the',
  'strange',
  'jewellery',
  'vaguely',
  'associated',
  'with',
  'Innsmouth',
  '.'],
 ['Elinor',
  'die',
  'This',
  'is',
  'frenzy',
  'and',
  'the',
  'most',
  'miserable',
  'despair',
  ':',
  'you',
  'can',
  'not',
  'die',
  'while',
  'I',
  'am',
  'near',
  '.',
  '"'],
 ['Our',
  'vessels',
  'truly',
  'were',
  'the',
  'sport',
  'of',
  'winds',
  'and',
  'waves',
  ',',
  'even',
  'as',
  'Gulliver',
  'was',
  'the',
  'toy',
  'of',
  'the',
  'Brobdignagians',
  ';',
  'but',
  'we',
  'on',
  'our',
  'stable',
  'abode',
  'could',
  'not',
  'be',
  'hurt',
  'in',
  'life',
  'or',
  'limb',
  'by',
  'these',
  'eruptions',
  'of',
  'nature',
  '.'],
 ['The',
  'left',
  'tibia',
  'much',
  'splintered',
  ',',
  'as',
  'well',
  'as',
  'all',
  'the',
  'ribs',
  'of',
  'the',
  'left',
  'side',
  '.'],
 ['You',
  'recollect',
  'also',
  ',',
  'that',
  'I',
  'became',
  'quite',
  'vexed',
  'at',
  'you',
  'for',
  'insisting',
  'that',
  'my',
  'drawing',
  'resembled',
  'a',
  'death',
  "'s",
  'head',
  '.'],
 ['He',
  'soon',
  ',',
  'however',
  ',',
  'recovered',
  'his',
  'composure',
  ',',
  'and',
  'an',
  'expression',
  'of',
  'determined',
  'malignancy',
  'settled',
  'upon',
  'his',
  'countenance',
  ',',
  'as',
  'he',
  'gave',
  'peremptory',
  'orders',
  'that',
  'a',
  'certain',
  'chamber',
  'should',
  'be',
  'immediately',
  'locked',
  'up',
  ',',
  'and',
  'the',
  'key',
  'placed',
  'in',
  'his',
  'own',
  'possession',
  '.'],
 ['I',
  'should',
  'not',
  'call',
  'that',
  'sound',
  'a',
  'voice',
  ',',
  'for',
  'it',
  'was',
  'too',
  'awful',
  '.'],
 ['I',
  'soon',
  'found',
  'that',
  'nearly',
  'all',
  'the',
  'company',
  'were',
  'well',
  'educated',
  ';',
  'and',
  'my',
  'host',
  'was',
  'a',
  'world',
  'of',
  'good',
  'humored',
  'anecdote',
  'in',
  'himself',
  '.'],
 ['I',
  'feel',
  'exquisite',
  'pleasure',
  'in',
  'dwelling',
  'on',
  'the',
  'recollections',
  'of',
  'childhood',
  ',',
  'before',
  'misfortune',
  'had',
  'tainted',
  'my',
  'mind',
  'and',
  'changed',
  'its',
  'bright',
  'visions',
  'of',
  'extensive',
  'usefulness',
  'into',
  'gloomy',
  'and',
  'narrow',
  'reflections',
  'upon',
  'self',
  '.'],
 ['It',
  'was',
  'no',
  'joke',
  'tracking',
  'down',
  'something',
  'as',
  'big',
  'as',
  'a',
  'house',
  'that',
  'one',
  'could',
  'not',
  'see',
  ',',
  'but',
  'that',
  'had',
  'all',
  'the',
  'vicious',
  'malevolence',
  'of',
  'a',
  'daemon',
  '.'],
 ['The',
  'theatres',
  'were',
  'open',
  'and',
  'thronged',
  ';',
  'dance',
  'and',
  'midnight',
  'festival',
  'were',
  'frequented',
  'in',
  'many',
  'of',
  'these',
  'decorum',
  'was',
  'violated',
  ',',
  'and',
  'the',
  'evils',
  ',',
  'which',
  'hitherto',
  'adhered',
  'to',
  'an',
  'advanced',
  'state',
  'of',
  'civilization',
  ',',
  'were',
  'doubled',
  '.'],
 ['At',
  'long',
  'intervals',
  'some',
  'masterminds',
  'appeared',
  ',',
  'looking',
  'upon',
  'each',
  'advance',
  'in',
  'practical',
  'science',
  'as',
  'a',
  'retro',
  'gradation',
  'in',
  'the',
  'true',
  'utility',
  '.'],
 ['We',
  'both',
  'inserted',
  'the',
  'whole',
  'unopened',
  'wooden',
  'box',
  ',',
  'closed',
  'the',
  'door',
  ',',
  'and',
  'started',
  'the',
  'electricity',
  '.'],
 ['And',
  'now',
  ',',
  'from',
  'the',
  'wreck',
  'and',
  'the',
  'chaos',
  'of',
  'the',
  'usual',
  'senses',
  ',',
  'there',
  'appeared',
  'to',
  'have',
  'arisen',
  'within',
  'me',
  'a',
  'sixth',
  ',',
  'all',
  'perfect',
  '.'],
 ['Curtis',
  'Whateley',
  'was',
  'only',
  'just',
  'regaining',
  'consciousness',
  'when',
  'the',
  'Arkham',
  'men',
  'came',
  'slowly',
  'down',
  'the',
  'mountain',
  'in',
  'the',
  'beams',
  'of',
  'a',
  'sunlight',
  'once',
  'more',
  'brilliant',
  'and',
  'untainted',
  '.'],
 ['When',
  'I',
  'quitted',
  'Geneva',
  'my',
  'first',
  'labour',
  'was',
  'to',
  'gain',
  'some',
  'clue',
  'by',
  'which',
  'I',
  'might',
  'trace',
  'the',
  'steps',
  'of',
  'my',
  'fiendish',
  'enemy',
  '.'],
 ['Let',
  'him',
  'bare',
  'his',
  'arm',
  'and',
  'transfix',
  'me',
  'with',
  'lightning',
  'this',
  'is',
  'also',
  'one',
  'of',
  'his',
  'attributes',
  '"',
  'and',
  'the',
  'old',
  'man',
  'laughed',
  '.'],
 ['My',
  'sensations',
  'were',
  'those',
  'of',
  'entire',
  'happiness',
  ',',
  'for',
  'I',
  'felt',
  'that',
  'in',
  'a',
  'few',
  'minutes',
  ',',
  'at',
  'farthest',
  ',',
  'I',
  'should',
  'be',
  'relieved',
  'from',
  'my',
  'disagreeable',
  'situation',
  '.'],
 ['We',
  'had',
  'all',
  'been',
  'rather',
  'jovial',
  ',',
  'and',
  'West',
  'and',
  'I',
  'did',
  'not',
  'wish',
  'to',
  'have',
  'our',
  'pugnacious',
  'companion',
  'hunted',
  'down',
  '.'],
 ['Does',
  'not',
  'a',
  'stream',
  ',',
  'boundless',
  'as',
  'ocean',
  ',',
  'deep',
  'as',
  'vacuum',
  ',',
  'yawn',
  'between',
  'us',
  '?',
  '"',
  'Raymond',
  'rose',
  ',',
  'his',
  'voice',
  'was',
  'broken',
  ',',
  'his',
  'features',
  'convulsed',
  ',',
  'his',
  'manner',
  'calm',
  'as',
  'the',
  'earthquake',
  'cradling',
  'atmosphere',
  ',',
  'he',
  'replied',
  ':',
  '"',
  'I',
  'am',
  'rejoiced',
  'that',
  'you',
  'take',
  'my',
  'decision',
  'so',
  'philosophically',
  '.'],
 ['They',
  'clung',
  'with',
  'eagerness',
  'to',
  'the',
  'hope',
  'held',
  'out',
  'that',
  'he',
  'might',
  'yet',
  'be',
  'alive',
  '.'],
 ['This',
  'gentlemen',
  'had',
  'amassed',
  'a',
  'princely',
  'fortune',
  ',',
  'and',
  ',',
  'having',
  'no',
  'very',
  'immediate',
  'connexions',
  ',',
  'conceived',
  'the',
  'whim',
  'of',
  'suffering',
  'his',
  'wealth',
  'to',
  'accumulate',
  'for',
  'a',
  'century',
  'after',
  'his',
  'decease',
  '.'],
 ['Our',
  'means',
  'of',
  'receiving',
  'impressions',
  'are',
  'absurdly',
  'few',
  ',',
  'and',
  'our',
  'notions',
  'of',
  'surrounding',
  'objects',
  'infinitely',
  'narrow',
  '.'],
 ['But',
  'for',
  'this',
  'circumstance',
  'we',
  'should',
  'have',
  'foundered',
  'at',
  'once',
  'for',
  'we',
  'lay',
  'entirely',
  'buried',
  'for',
  'some',
  'moments',
  '.'],
 ['Made',
  'sign',
  'talk',
  'as',
  'soon',
  'as',
  'they',
  'got',
  'over',
  'bein',
  "'",
  'skeert',
  ',',
  'an',
  "'",
  'pieced',
  'up',
  'a',
  'bargain',
  'afore',
  'long',
  '.'],
 ['"',
  'Rest',
  '"',
  'she',
  'cried',
  ',',
  '"',
  'repose',
  'you',
  'rave',
  ',',
  'Lionel',
  'If',
  'you',
  'delay',
  'we',
  'are',
  'lost',
  ';',
  'come',
  ',',
  'I',
  'pray',
  'you',
  ',',
  'unless',
  'you',
  'would',
  'cast',
  'me',
  'off',
  'for',
  'ever',
  '.',
  '"'],
 ['Yet',
  'through',
  'the',
  'dark',
  'natures',
  'of',
  'the',
  'father',
  'and',
  'the',
  'son',
  'ran',
  'one',
  'redeeming',
  'ray',
  'of',
  'humanity',
  ';',
  'the',
  'evil',
  'old',
  'man',
  'loved',
  'his',
  'offspring',
  'with',
  'fierce',
  'intensity',
  ',',
  'whilst',
  'the',
  'youth',
  'had',
  'for',
  'his',
  'parent',
  'a',
  'more',
  'than',
  'filial',
  'affection',
  '.'],
 ['To',
  'me',
  'they',
  'stood',
  'in',
  'the',
  'place',
  'of',
  'an',
  'active',
  'career',
  ',',
  'of',
  'ambition',
  ',',
  'and',
  'those',
  'palpable',
  'excitements',
  'necessary',
  'to',
  'the',
  'multitude',
  '.'],
 ['I',
  'observed',
  'that',
  'his',
  'name',
  'was',
  'carded',
  'upon',
  'three',
  'state',
  'rooms',
  ';',
  'and',
  ',',
  'upon',
  'again',
  'referring',
  'to',
  'the',
  'list',
  'of',
  'passengers',
  ',',
  'I',
  'found',
  'that',
  'he',
  'had',
  'engaged',
  'passage',
  'for',
  'himself',
  ',',
  'wife',
  ',',
  'and',
  'two',
  'sisters',
  'his',
  'own',
  '.'],
 ['"',
  'Well',
  ',',
  'then',
  ',',
  'Bobby',
  ',',
  'my',
  'boy',
  'you',
  "'re",
  'a',
  'fine',
  'fellow',
  ',',
  'are',
  "n't",
  'you',
  '?'],
 ['The',
  'appearance',
  'of',
  'this',
  'man',
  ',',
  'and',
  'the',
  'instinctive',
  'fear',
  'he',
  'inspired',
  ',',
  'prepared',
  'me',
  'for',
  'something',
  'like',
  'enmity',
  ';',
  'so',
  'that',
  'I',
  'almost',
  'shuddered',
  'through',
  'surprise',
  'and',
  'a',
  'sense',
  'of',
  'uncanny',
  'incongruity',
  'when',
  'he',
  'motioned',
  'me',
  'to',
  'a',
  'chair',
  'and',
  'addressed',
  'me',
  'in',
  'a',
  'thin',
  ',',
  'weak',
  'voice',
  'full',
  'of',
  'fawning',
  'respect',
  'and',
  'ingratiating',
  'hospitality',
  '.'],
 ['"',
  'I',
  "'m",
  'sorry',
  'to',
  'have',
  'to',
  'ask',
  'you',
  'to',
  'stay',
  'on',
  'the',
  'surface',
  ',',
  '"',
  'he',
  'said',
  ',',
  '"',
  'but',
  'it',
  'would',
  'be',
  'a',
  'crime',
  'to',
  'let',
  'anyone',
  'with',
  'your',
  'frail',
  'nerves',
  'go',
  'down',
  'there',
  '.'],
 ['"',
  'Another',
  'circumstance',
  'strengthened',
  'and',
  'confirmed',
  'these',
  'feelings',
  '.'],
 ['Very',
  'simple',
  'were',
  'the',
  'things',
  'of',
  'which',
  'they',
  'read',
  'and',
  'spoke',
  ',',
  'yet',
  'things',
  'which',
  'gave',
  'them',
  'courage',
  'and',
  'goodness',
  'and',
  'helped',
  'them',
  'by',
  'day',
  'to',
  'subdue',
  'the',
  'forest',
  'and',
  'till',
  'the',
  'fields',
  '.'],
 ['And',
  'so',
  'the',
  'prisoner',
  'toiled',
  'in',
  'the',
  'twilight',
  ',',
  'heaving',
  'the',
  'unresponsive',
  'remnants',
  'of',
  'mortality',
  'with',
  'little',
  'ceremony',
  'as',
  'his',
  'miniature',
  'Tower',
  'of',
  'Babel',
  'rose',
  'course',
  'by',
  'course',
  '.'],
 ['And',
  'then',
  ',',
  'as',
  'the',
  'breach',
  'became',
  'large',
  'enough',
  ',',
  'they',
  'came',
  'out',
  'into',
  'the',
  'laboratory',
  'in',
  'single',
  'file',
  ';',
  'led',
  'by',
  'a',
  'stalking',
  'thing',
  'with',
  'a',
  'beautiful',
  'head',
  'made',
  'of',
  'wax',
  '.'],
 ['Let',
  'us',
  'know',
  'the',
  'full',
  'history',
  'of',
  "'",
  'the',
  'officer',
  ',',
  "'",
  'with',
  'his',
  'present',
  'circumstances',
  ',',
  'and',
  'his',
  'whereabouts',
  'at',
  'the',
  'precise',
  'period',
  'of',
  'the',
  'murder',
  '.'],
 ['I',
  'observed',
  ',',
  'with',
  'pleasure',
  ',',
  'that',
  'he',
  'did',
  'not',
  'go',
  'to',
  'the',
  'forest',
  'that',
  'day',
  ',',
  'but',
  'spent',
  'it',
  'in',
  'repairing',
  'the',
  'cottage',
  'and',
  'cultivating',
  'the',
  'garden',
  '.'],
 ['The',
  'moon',
  ',',
  'now',
  'near',
  'the',
  'zenith',
  ',',
  'shone',
  'weirdly',
  'and',
  'vividly',
  'above',
  'the',
  'towering',
  'steeps',
  'that',
  'hemmed',
  'in',
  'the',
  'chasm',
  ',',
  'and',
  'revealed',
  'the',
  'fact',
  'that',
  'a',
  'far',
  'flung',
  'body',
  'of',
  'water',
  'flowed',
  'at',
  'the',
  'bottom',
  ',',
  'winding',
  'out',
  'of',
  'sight',
  'in',
  'both',
  'directions',
  ',',
  'and',
  'almost',
  'lapping',
  'my',
  'feet',
  'as',
  'I',
  'stood',
  'on',
  'the',
  'slope',
  '.'],
 ['Sensations', 'are', 'the', 'great', 'things', 'after', 'all', '.'],
 ['Here', 'I', 'pulled', 'out', 'my', 'watch', '.'],
 ['Maelzel',
  'now',
  'informs',
  'the',
  'company',
  'that',
  'he',
  'will',
  'disclose',
  'to',
  'their',
  'view',
  'the',
  'mechanism',
  'of',
  'the',
  'machine',
  '.'],
 ['Of',
  'the',
  'various',
  'tales',
  'that',
  'of',
  'aged',
  'Soames',
  ',',
  'the',
  'family',
  'butler',
  ',',
  'is',
  'most',
  'ample',
  'and',
  'coherent',
  '.'],
 ['Such',
  'a',
  'scene',
  'must',
  'have',
  'been',
  'one',
  'of',
  'deepest',
  'interest',
  'and',
  'high',
  'wrought',
  'passion',
  '.'],
 ['With',
  'that',
  'thought',
  'I',
  'rolled',
  'my',
  'eves',
  'nervously',
  'around',
  'on',
  'the',
  'barriers',
  'of',
  'iron',
  'that',
  'hemmed',
  'me',
  'in',
  '.'],
 ['Let',
  'us',
  'live',
  'for',
  'each',
  'other',
  'and',
  'for',
  'happiness',
  ';',
  'let',
  'us',
  'seek',
  'peace',
  'in',
  'our',
  'dear',
  'home',
  ',',
  'near',
  'the',
  'inland',
  'murmur',
  'of',
  'streams',
  ',',
  'and',
  'the',
  'gracious',
  'waving',
  'of',
  'trees',
  ',',
  'the',
  'beauteous',
  'vesture',
  'of',
  'earth',
  ',',
  'and',
  'sublime',
  'pageantry',
  'of',
  'the',
  'skies',
  '.'],
 ['I',
  'continued',
  'the',
  'story',
  ':',
  '"',
  'But',
  'the',
  'good',
  'champion',
  'Ethelred',
  ',',
  'now',
  'entering',
  'within',
  'the',
  'door',
  ',',
  'was',
  'sore',
  'enraged',
  'and',
  'amazed',
  'to',
  'perceive',
  'no',
  'signal',
  'of',
  'the',
  'maliceful',
  'hermit',
  ';',
  'but',
  ',',
  'in',
  'the',
  'stead',
  'thereof',
  ',',
  'a',
  'dragon',
  'of',
  'a',
  'scaly',
  'and',
  'prodigious',
  'demeanor',
  ',',
  'and',
  'of',
  'a',
  'fiery',
  'tongue',
  ',',
  'which',
  'sate',
  'in',
  'guard',
  'before',
  'a',
  'palace',
  'of',
  'gold',
  ',',
  'with',
  'a',
  'floor',
  'of',
  'silver',
  ';',
  'and',
  'upon',
  'the',
  'wall',
  'there',
  'hung',
  'a',
  'shield',
  'of',
  'shining',
  'brass',
  'with',
  'this',
  'legend',
  'enwritten',
  'Who',
  'entereth',
  'herein',
  ',',
  'a',
  'conqueror',
  'hath',
  'bin',
  ';',
  'Who',
  'slayeth',
  'the',
  'dragon',
  ',',
  'the',
  'shield',
  'he',
  'shall',
  'win',
  ';',
  'And',
  'Ethelred',
  'uplifted',
  'his',
  'mace',
  ',',
  'and',
  'struck',
  'upon',
  'the',
  'head',
  'of',
  'the',
  'dragon',
  ',',
  'which',
  'fell',
  'before',
  'him',
  ',',
  'and',
  'gave',
  'up',
  'his',
  'pesty',
  'breath',
  ',',
  'with',
  'a',
  'shriek',
  'so',
  'horrid',
  'and',
  'harsh',
  ',',
  'and',
  'withal',
  'so',
  'piercing',
  ',',
  'that',
  'Ethelred',
  'had',
  'fain',
  'to',
  'close',
  'his',
  'ears',
  'with',
  'his',
  'hands',
  'against',
  'the',
  'dreadful',
  'noise',
  'of',
  'it',
  ',',
  'the',
  'like',
  'whereof',
  'was',
  'never',
  'before',
  'heard',
  '.',
  '"'],
 ['"',
  'Now',
  'if',
  'you',
  "'re",
  'game',
  ',',
  'I',
  "'ll",
  'take',
  'you',
  'there',
  'tonight',
  '.'],
 ['What',
  'may',
  'not',
  'the',
  'forces',
  ',',
  'never',
  'before',
  'united',
  ',',
  'of',
  'liberty',
  'and',
  'peace',
  'achieve',
  'in',
  'this',
  'dwelling',
  'of',
  'man',
  '?',
  '"',
  '"',
  'Dreaming',
  ',',
  'for',
  'ever',
  'dreaming',
  ',',
  'Windsor',
  '"',
  'said',
  'Ryland',
  ',',
  'the',
  'old',
  'adversary',
  'of',
  'Raymond',
  ',',
  'and',
  'candidate',
  'for',
  'the',
  'Protectorate',
  'at',
  'the',
  'ensuing',
  'election',
  '.'],
 ['There',
  'came',
  'forth',
  'in',
  'return',
  'only',
  'a',
  'jingling',
  'of',
  'the',
  'bells',
  '.'],
 ['There',
  'he',
  'stayed',
  'long',
  ',',
  'gazing',
  'out',
  'over',
  'the',
  'bright',
  'harbour',
  'where',
  'the',
  'ripples',
  'sparkled',
  'beneath',
  'an',
  'unknown',
  'sun',
  ',',
  'and',
  'where',
  'rode',
  'lightly',
  'the',
  'galleys',
  'from',
  'far',
  'places',
  'over',
  'the',
  'water',
  '.'],
 ['More',
  'than',
  'once',
  'the',
  'agitation',
  'into',
  'which',
  'these',
  'reflections',
  'threw',
  'me',
  'made',
  'my',
  'friends',
  'dread',
  'a',
  'dangerous',
  'relapse',
  '.'],
 ['There',
  'came',
  'a',
  'period',
  'when',
  'people',
  'were',
  'curious',
  'enough',
  'to',
  'steal',
  'up',
  'and',
  'count',
  'the',
  'herd',
  'that',
  'grazed',
  'precariously',
  'on',
  'the',
  'steep',
  'hillside',
  'above',
  'the',
  'old',
  'farmhouse',
  ',',
  'and',
  'they',
  'could',
  'never',
  'find',
  'more',
  'than',
  'ten',
  'or',
  'twelve',
  'anaemic',
  ',',
  'bloodless',
  'looking',
  'specimens',
  '.'],
 ['The',
  'mental',
  'features',
  'discoursed',
  'of',
  'as',
  'the',
  'analytical',
  ',',
  'are',
  ',',
  'in',
  'themselves',
  ',',
  'but',
  'little',
  'susceptible',
  'of',
  'analysis',
  '.'],
 ['There',
  'were',
  'secrets',
  ',',
  'said',
  'the',
  'peasants',
  ',',
  'which',
  'must',
  'not',
  'be',
  'uncovered',
  ';',
  'secrets',
  'that',
  'had',
  'lain',
  'hidden',
  'since',
  'the',
  'plague',
  'came',
  'to',
  'the',
  'children',
  'of',
  'Partholan',
  'in',
  'the',
  'fabulous',
  'years',
  'beyond',
  'history',
  '.'],
 ['The',
  'idea',
  'of',
  'renewing',
  'my',
  'labours',
  'did',
  'not',
  'for',
  'one',
  'instant',
  'occur',
  'to',
  'me',
  ';',
  'the',
  'threat',
  'I',
  'had',
  'heard',
  'weighed',
  'on',
  'my',
  'thoughts',
  ',',
  'but',
  'I',
  'did',
  'not',
  'reflect',
  'that',
  'a',
  'voluntary',
  'act',
  'of',
  'mine',
  'could',
  'avert',
  'it',
  '.'],
 ['In',
  'the',
  'same',
  'way',
  ',',
  'individuals',
  'may',
  'escape',
  'ninety',
  'nine',
  'times',
  ',',
  'and',
  'receive',
  'the',
  'death',
  'blow',
  'at',
  'the',
  'hundredth',
  ';',
  'because',
  'bodies',
  'are',
  'sometimes',
  'in',
  'a',
  'state',
  'to',
  'reject',
  'the',
  'infection',
  'of',
  'malady',
  ',',
  'and',
  'at',
  'others',
  ',',
  'thirsty',
  'to',
  'imbibe',
  'it',
  '.'],
 ['The',
  'very',
  'beauty',
  'of',
  'the',
  'Grecian',
  'climate',
  ',',
  'during',
  'the',
  'season',
  'of',
  'spring',
  ',',
  'added',
  'torture',
  'to',
  'her',
  'sensations',
  '.'],
 ['At',
  'times',
  ',',
  'again',
  ',',
  'I',
  'was',
  'obliged',
  'to',
  'resolve',
  'all',
  'into',
  'the',
  'mere',
  'inexplicable',
  'vagaries',
  'of',
  'madness',
  ',',
  'for',
  'I',
  'beheld',
  'him',
  'gazing',
  'upon',
  'vacancy',
  'for',
  'long',
  'hours',
  ',',
  'in',
  'an',
  'attitude',
  'of',
  'the',
  'profoundest',
  'attention',
  ',',
  'as',
  'if',
  'listening',
  'to',
  'some',
  'imaginary',
  'sound',
  '.'],
 ['"', 'Malitia', 'vetus', 'malitia', 'vetus', 'est', '.', '.', '.'],
 ['His',
  'last',
  'injunction',
  'to',
  'me',
  'was',
  'that',
  'I',
  'should',
  'be',
  'happy',
  ';',
  'perhaps',
  'he',
  'did',
  'not',
  'mean',
  'the',
  'shadowy',
  'happiness',
  'that',
  'I',
  'promised',
  'myself',
  ',',
  'yet',
  'it',
  'was',
  'that',
  'alone',
  'which',
  'I',
  'could',
  'taste',
  '.'],
 ['If',
  'I',
  'say',
  'that',
  'my',
  'somewhat',
  'extravagant',
  'imagination',
  'yielded',
  'simultaneous',
  'pictures',
  'of',
  'an',
  'octopus',
  ',',
  'a',
  'dragon',
  ',',
  'and',
  'a',
  'human',
  'caricature',
  ',',
  'I',
  'shall',
  'not',
  'be',
  'unfaithful',
  'to',
  'the',
  'spirit',
  'of',
  'the',
  'thing',
  '.'],
 ['The',
  'untaught',
  'peasant',
  'beheld',
  'the',
  'elements',
  'around',
  'him',
  'and',
  'was',
  'acquainted',
  'with',
  'their',
  'practical',
  'uses',
  '.'],
 ['"', 'Saturday', ',', 'April', 'the', 'th', '.'],
 ['The', 'crowd', 'had', 'departed', '.'],
 ['I',
  'no',
  'longer',
  'despair',
  ',',
  'but',
  'look',
  'on',
  'all',
  'around',
  'me',
  'with',
  'placid',
  'affection',
  '.'],
 ['"',
  'The',
  'child',
  'still',
  'struggled',
  'and',
  'loaded',
  'me',
  'with',
  'epithets',
  'which',
  'carried',
  'despair',
  'to',
  'my',
  'heart',
  ';',
  'I',
  'grasped',
  'his',
  'throat',
  'to',
  'silence',
  'him',
  ',',
  'and',
  'in',
  'a',
  'moment',
  'he',
  'lay',
  'dead',
  'at',
  'my',
  'feet',
  '.'],
 ['Evil',
  'thoughts',
  'became',
  'my',
  'sole',
  'intimates',
  'the',
  'darkest',
  'and',
  'most',
  'evil',
  'of',
  'thoughts',
  '.'],
 ['Shall',
  'man',
  'be',
  'the',
  'enemy',
  'of',
  'man',
  ',',
  'while',
  'plague',
  ',',
  'the',
  'foe',
  'to',
  'all',
  ',',
  'even',
  'now',
  'is',
  'above',
  'us',
  ',',
  'triumphing',
  'in',
  'our',
  'butchery',
  ',',
  'more',
  'cruel',
  'than',
  'her',
  'own',
  '?',
  '"'],
 ['Nor',
  'was',
  'I',
  'a',
  'stranger',
  'in',
  'the',
  'streets',
  'of',
  'Olathoë',
  ',',
  'which',
  'lies',
  'on',
  'the',
  'plateau',
  'of',
  'Sarkis',
  ',',
  'betwixt',
  'the',
  'peaks',
  'Noton',
  'and',
  'Kadiphonek',
  '.'],
 ['The',
  'injustice',
  'of',
  'his',
  'sentence',
  'was',
  'very',
  'flagrant',
  ';',
  'all',
  'Paris',
  'was',
  'indignant',
  ';',
  'and',
  'it',
  'was',
  'judged',
  'that',
  'his',
  'religion',
  'and',
  'wealth',
  'rather',
  'than',
  'the',
  'crime',
  'alleged',
  'against',
  'him',
  'had',
  'been',
  'the',
  'cause',
  'of',
  'his',
  'condemnation',
  '.'],
 ['The',
  'thing',
  'actually',
  'opened',
  'its',
  'eyes',
  ',',
  'but',
  'only',
  'stared',
  'at',
  'the',
  'ceiling',
  'with',
  'a',
  'look',
  'of',
  'soul',
  'petrifying',
  'horror',
  'before',
  'collapsing',
  'into',
  'an',
  'inertness',
  'from',
  'which',
  'nothing',
  'could',
  'rouse',
  'it',
  '.'],
 ['Come',
  ',',
  'as',
  'you',
  'have',
  'played',
  'Despair',
  'with',
  'me',
  'I',
  'will',
  'play',
  'the',
  'part',
  'of',
  'Una',
  'with',
  'you',
  'and',
  'bring',
  'you',
  'hurtless',
  'from',
  'his',
  'dark',
  'cavern',
  '.'],
 ['Idris',
  'now',
  'for',
  'the',
  'first',
  'time',
  'for',
  'many',
  'years',
  'saw',
  'her',
  'mother',
  ',',
  'anxious',
  'to',
  'assure',
  'herself',
  'that',
  'the',
  'childishness',
  'of',
  'old',
  'age',
  'did',
  'not',
  'mingle',
  'with',
  'unforgotten',
  'pride',
  ',',
  'to',
  'make',
  'this',
  'high',
  'born',
  'dame',
  'still',
  'so',
  'inveterate',
  'against',
  'me',
  '.'],
 ['He',
  'gave',
  'old',
  'Matt',
  'the',
  'very',
  'best',
  'his',
  'skill',
  'could',
  'produce',
  ',',
  'but',
  'was',
  'thrifty',
  'enough',
  'to',
  'save',
  'the',
  'rejected',
  'specimen',
  ',',
  'and',
  'to',
  'use',
  'it',
  'when',
  'Asaph',
  'Sawyer',
  'died',
  'of',
  'a',
  'malignant',
  'fever',
  '.'],
 ['The', 'means', 'of', 'egress', 'employed', 'by', 'the', 'murderers', '.'],
 ['Our',
  'captain',
  'said',
  'that',
  'if',
  'the',
  'material',
  'of',
  'the',
  'bag',
  'had',
  'been',
  'the',
  'trumpery',
  'varnished',
  '"',
  'silk',
  '"',
  'of',
  'five',
  'hundred',
  'or',
  'a',
  'thousand',
  'years',
  'ago',
  ',',
  'we',
  'should',
  'inevitably',
  'have',
  'been',
  'damaged',
  '.'],
 ['Few', 'Italians', 'have', 'the', 'true', 'virtuoso', 'spirit', '.'],
 ['Once',
  'in',
  'a',
  'while',
  'I',
  'noticed',
  'dead',
  'stumps',
  'and',
  'crumbling',
  'foundation',
  'walls',
  'above',
  'the',
  'drifting',
  'sand',
  ',',
  'and',
  'recalled',
  'the',
  'old',
  'tradition',
  'quoted',
  'in',
  'one',
  'of',
  'the',
  'histories',
  'I',
  'had',
  'read',
  ',',
  'that',
  'this',
  'was',
  'once',
  'a',
  'fertile',
  'and',
  'thickly',
  'settled',
  'countryside',
  '.'],
 ['At',
  'length',
  'I',
  'saw',
  'a',
  'grass',
  'grown',
  'opening',
  'toward',
  'the',
  'sea',
  'between',
  'crumbling',
  'brick',
  'walls',
  ',',
  'with',
  'the',
  'weedy',
  'length',
  'of',
  'an',
  'earth',
  'and',
  'masonry',
  'wharf',
  'projecting',
  'beyond',
  '.'],
 ['My',
  'sense',
  'of',
  'restlessness',
  'returned',
  ',',
  'though',
  'I',
  'did',
  'not',
  'exhibit',
  'it',
  '.'],
 ['The',
  'arms',
  ',',
  'the',
  'bosom',
  ',',
  'and',
  'even',
  'the',
  'ends',
  'of',
  'the',
  'radiant',
  'hair',
  'melted',
  'imperceptibly',
  'into',
  'the',
  'vague',
  'yet',
  'deep',
  'shadow',
  'which',
  'formed',
  'the',
  'back',
  'ground',
  'of',
  'the',
  'whole',
  '.'],
 ['I',
  'smiled',
  'incredulously',
  ',',
  'and',
  'replied',
  ':',
  '"',
  'I',
  'am',
  'of',
  'Ryland',
  "'s",
  'way',
  'of',
  'thinking',
  ',',
  'and',
  'will',
  ',',
  'if',
  'you',
  'please',
  ',',
  'repeat',
  'all',
  'his',
  'arguments',
  ';',
  'we',
  'shall',
  'see',
  'how',
  'far',
  'you',
  'will',
  'be',
  'induced',
  'by',
  'them',
  ',',
  'to',
  'change',
  'the',
  'royal',
  'for',
  'the',
  'patriotic',
  'style',
  '.',
  '"'],
 ['The',
  'country',
  'bore',
  'an',
  'aspect',
  'more',
  'than',
  'usually',
  'sinister',
  'as',
  'we',
  'viewed',
  'it',
  'by',
  'night',
  'and',
  'without',
  'the',
  'accustomed',
  'crowds',
  'of',
  'investigators',
  ',',
  'so',
  'that',
  'we',
  'were',
  'often',
  'tempted',
  'to',
  'use',
  'the',
  'acetylene',
  'headlight',
  'despite',
  'the',
  'attention',
  'it',
  'might',
  'attract',
  '.'],
 ['Drawing',
  'inside',
  'the',
  'hall',
  'of',
  'my',
  'deserted',
  'shelter',
  ',',
  'I',
  'once',
  'more',
  'consulted',
  'the',
  'grocery',
  'boy',
  "'s",
  'map',
  'with',
  'the',
  'aid',
  'of',
  'the',
  'flashlight',
  '.'],
 ['Mr.',
  'Kirwin',
  ',',
  'on',
  'hearing',
  'this',
  'evidence',
  ',',
  'desired',
  'that',
  'I',
  'should',
  'be',
  'taken',
  'into',
  'the',
  'room',
  'where',
  'the',
  'body',
  'lay',
  'for',
  'interment',
  ',',
  'that',
  'it',
  'might',
  'be',
  'observed',
  'what',
  'effect',
  'the',
  'sight',
  'of',
  'it',
  'would',
  'produce',
  'upon',
  'me',
  '.'],
 ['Those',
  'who',
  'had',
  'lacked',
  'something',
  'lacked',
  'it',
  'no',
  'longer',
  ',',
  'yet',
  'did',
  'fear',
  'and',
  'hatred',
  'and',
  'ignorance',
  'still',
  'brood',
  'over',
  'The',
  'Street',
  ';',
  'for',
  'many',
  'had',
  'stayed',
  'behind',
  ',',
  'and',
  'many',
  'strangers',
  'had',
  'come',
  'from',
  'distant',
  'places',
  'to',
  'the',
  'ancient',
  'houses',
  '.'],
 ['While',
  'I',
  'still',
  'hung',
  'over',
  'her',
  'in',
  'the',
  'agony',
  'of',
  'despair',
  ',',
  'I',
  'happened',
  'to',
  'look',
  'up',
  '.'],
 ['We',
  'had',
  'scarcely',
  'visited',
  'the',
  'various',
  'lakes',
  'of',
  'Cumberland',
  'and',
  'Westmorland',
  'and',
  'conceived',
  'an',
  'affection',
  'for',
  'some',
  'of',
  'the',
  'inhabitants',
  'when',
  'the',
  'period',
  'of',
  'our',
  'appointment',
  'with',
  'our',
  'Scotch',
  'friend',
  'approached',
  ',',
  'and',
  'we',
  'left',
  'them',
  'to',
  'travel',
  'on',
  '.'],
 ['Plainly', 'I', 'had', 'no', 'time', 'to', 'lose', '.'],
 ['About',
  'six',
  "o'clock",
  'his',
  'sharpened',
  'ears',
  'caught',
  'the',
  'whining',
  'prayers',
  'of',
  'Joe',
  'Mazurewicz',
  'two',
  'floors',
  'below',
  ',',
  'and',
  'in',
  'desperation',
  'he',
  'seized',
  'his',
  'hat',
  'and',
  'walked',
  'out',
  'into',
  'the',
  'sunset',
  'golden',
  'streets',
  ',',
  'letting',
  'the',
  'now',
  'directly',
  'southward',
  'pull',
  'carry',
  'him',
  'where',
  'it',
  'might',
  '.'],
 ['He',
  'was',
  'naturally',
  'frank',
  ';',
  'the',
  'continued',
  'absence',
  'of',
  'Perdita',
  'and',
  'myself',
  'became',
  'remarkable',
  ';',
  'and',
  'Raymond',
  'soon',
  'found',
  'relief',
  'from',
  'the',
  'constraint',
  'of',
  'months',
  ',',
  'by',
  'an',
  'unreserved',
  'confidence',
  'with',
  'his',
  'two',
  'friends',
  '.'],
 ['"',
  'Why',
  ',',
  'a',
  'very',
  'great',
  'deal',
  'a',
  'very',
  'liberal',
  'reward',
  'I',
  'do',
  "n't",
  'like',
  'to',
  'say',
  'how',
  'much',
  ',',
  'precisely',
  ';',
  'but',
  'one',
  'thing',
  'I',
  'will',
  'say',
  ',',
  'that',
  'I',
  'would',
  "n't",
  'mind',
  'giving',
  'my',
  'individual',
  'check',
  'for',
  'fifty',
  'thousand',
  'francs',
  'to',
  'any',
  'one',
  'who',
  'could',
  'obtain',
  'me',
  'that',
  'letter',
  '.'],
 ['Down',
  'unlit',
  'and',
  'illimitable',
  'corridors',
  'of',
  'eldritch',
  'phantasy',
  'sweeps',
  'the',
  'black',
  ',',
  'shapeless',
  'Nemesis',
  'that',
  'drives',
  'me',
  'to',
  'self',
  'annihilation',
  '.'],
 ['It',
  'was',
  'there',
  ',',
  'however',
  ',',
  'no',
  'longer',
  ';',
  'and',
  'breathing',
  'with',
  'greater',
  'freedom',
  ',',
  'I',
  'turned',
  'my',
  'glances',
  'to',
  'the',
  'pallid',
  'and',
  'rigid',
  'figure',
  'upon',
  'the',
  'bed',
  '.'],
 ['I',
  'sought',
  'the',
  'hills',
  ';',
  'a',
  'west',
  'wind',
  'swept',
  'them',
  ',',
  'and',
  'the',
  'stars',
  'glittered',
  'above',
  '.'],
 ['The',
  'faculty',
  'of',
  're',
  'solution',
  'is',
  'possibly',
  'much',
  'invigorated',
  'by',
  'mathematical',
  'study',
  ',',
  'and',
  'especially',
  'by',
  'that',
  'highest',
  'branch',
  'of',
  'it',
  'which',
  ',',
  'unjustly',
  ',',
  'and',
  'merely',
  'on',
  'account',
  'of',
  'its',
  'retrograde',
  'operations',
  ',',
  'has',
  'been',
  'called',
  ',',
  'as',
  'if',
  'par',
  'excellence',
  ',',
  'analysis',
  '.'],
 ['As',
  'the',
  'rules',
  'of',
  'order',
  'and',
  'pressure',
  'of',
  'laws',
  'were',
  'lost',
  ',',
  'some',
  'began',
  'with',
  'hesitation',
  'and',
  'wonder',
  'to',
  'transgress',
  'the',
  'accustomed',
  'uses',
  'of',
  'society',
  '.'],
 ['In',
  'the',
  'proclamation',
  'setting',
  'forth',
  'this',
  'reward',
  ',',
  'a',
  'full',
  'pardon',
  'was',
  'promised',
  'to',
  'any',
  'accomplice',
  'who',
  'should',
  'come',
  'forward',
  'in',
  'evidence',
  'against',
  'his',
  'fellow',
  ';',
  'and',
  'to',
  'the',
  'whole',
  'was',
  'appended',
  ',',
  'wherever',
  'it',
  'appeared',
  ',',
  'the',
  'private',
  'placard',
  'of',
  'a',
  'committee',
  'of',
  'citizens',
  ',',
  'offering',
  'ten',
  'thousand',
  'francs',
  ',',
  'in',
  'addition',
  'to',
  'the',
  'amount',
  'proposed',
  'by',
  'the',
  'Prefecture',
  '.'],
 ['This',
  'knowledge',
  ',',
  'and',
  'some',
  'of',
  'another',
  'kind',
  ',',
  'came',
  'afterwards',
  'in',
  'the',
  'course',
  'of',
  'an',
  'eventful',
  'five',
  'years',
  ',',
  'during',
  'which',
  'I',
  'have',
  'dropped',
  'the',
  'prejudices',
  'of',
  'my',
  'former',
  'humble',
  'situation',
  'in',
  'life',
  ',',
  'and',
  'forgotten',
  'the',
  'bellows',
  'mender',
  'in',
  'far',
  'different',
  'occupations',
  '.'],
 ['I',
  "'m",
  'going',
  'to',
  'burn',
  'his',
  'accursed',
  'diary',
  ',',
  'and',
  'if',
  'you',
  'men',
  'are',
  'wise',
  'you',
  "'ll",
  'dynamite',
  'that',
  'altar',
  'stone',
  'up',
  'there',
  ',',
  'and',
  'pull',
  'down',
  'all',
  'the',
  'rings',
  'of',
  'standing',
  'stones',
  'on',
  'the',
  'other',
  'hills',
  '.'],
 ['Our',
  'prime',
  'festivals',
  'were',
  'held',
  'in',
  'Perdita',
  "'s",
  'cottage',
  ';',
  'nor',
  'were',
  'we',
  'ever',
  'weary',
  'of',
  'talking',
  'of',
  'the',
  'past',
  'or',
  'dreaming',
  'of',
  'the',
  'future',
  '.'],
 ['This',
  'point',
  'being',
  'settled',
  ',',
  'the',
  'Prefect',
  'broke',
  'forth',
  'at',
  'once',
  'into',
  'explanations',
  'of',
  'his',
  'own',
  'views',
  ',',
  'interspersing',
  'them',
  'with',
  'long',
  'comments',
  'upon',
  'the',
  'evidence',
  ';',
  'of',
  'which',
  'latter',
  'we',
  'were',
  'not',
  'yet',
  'in',
  'possession',
  '.'],
 ['My',
  'dreams',
  'were',
  'terrifically',
  'disturbed',
  'by',
  'visions',
  'of',
  'the',
  'Angel',
  'of',
  'the',
  'Odd',
  '.'],
 ['I',
  'passed',
  'whole',
  'days',
  'on',
  'the',
  'lake',
  'alone',
  'in',
  'a',
  'little',
  'boat',
  ',',
  'watching',
  'the',
  'clouds',
  'and',
  'listening',
  'to',
  'the',
  'rippling',
  'of',
  'the',
  'waves',
  ',',
  'silent',
  'and',
  'listless',
  '.'],
 ['Were',
  'the',
  'pride',
  'of',
  'ancestry',
  ',',
  'the',
  'patrician',
  'spirit',
  ',',
  'the',
  'gentle',
  'courtesies',
  'and',
  'refined',
  'pursuits',
  ',',
  'splendid',
  'attributes',
  'of',
  'rank',
  ',',
  'to',
  'be',
  'erased',
  'among',
  'us',
  '?'],
 ['A',
  'beautiful',
  'creation',
  ',',
  'he',
  'would',
  'say',
  ',',
  'which',
  'may',
  'claim',
  'this',
  'superiority',
  'to',
  'its',
  'model',
  ',',
  'that',
  'good',
  'and',
  'evil',
  'is',
  'more',
  'easily',
  'seperated',
  ':',
  'the',
  'good',
  'rewarded',
  'in',
  'the',
  'way',
  'they',
  'themselves',
  'desire',
  ';',
  'the',
  'evil',
  'punished',
  'as',
  'all',
  'things',
  'evil',
  'ought',
  'to',
  'be',
  'punished',
  ',',
  'not',
  'by',
  'pain',
  'which',
  'is',
  'revolting',
  'to',
  'all',
  'philanthropy',
  'to',
  'consider',
  'but',
  'by',
  'quiet',
  'obscurity',
  ',',
  'which',
  'simply',
  'deprives',
  'them',
  'of',
  'their',
  'harmful',
  'qualities',
  ';',
  'why',
  'kill',
  'the',
  'serpent',
  'when',
  'you',
  'have',
  'extracted',
  'his',
  'fangs',
  '?'],
 ['In',
  'his',
  'heart',
  'he',
  'wished',
  'for',
  'nothing',
  'more',
  'ardently',
  'than',
  'our',
  'union',
  '.'],
 ['I',
  'have',
  'said',
  ',',
  'that',
  'the',
  'defects',
  'of',
  'her',
  'character',
  'awoke',
  'and',
  'acquired',
  'vigour',
  'from',
  'her',
  'unnatural',
  'position',
  '.'],
 ['As',
  'well',
  'might',
  'Cleopatra',
  'have',
  'worn',
  'as',
  'an',
  'ornament',
  'the',
  'vinegar',
  'which',
  'contained',
  'her',
  'dissolved',
  'pearl',
  ',',
  'as',
  'I',
  'be',
  'content',
  'with',
  'the',
  'love',
  'that',
  'Raymond',
  'can',
  'now',
  'offer',
  'me',
  '.',
  '"'],
 ['No',
  'one',
  'ventured',
  'on',
  'board',
  'the',
  'vessel',
  ',',
  'and',
  'strange',
  'sights',
  'were',
  'averred',
  'to',
  'be',
  'seen',
  'at',
  'night',
  ',',
  'walking',
  'the',
  'deck',
  ',',
  'and',
  'hanging',
  'on',
  'the',
  'masts',
  'and',
  'shrouds',
  '.'],
 ['"',
  'Let',
  'him',
  'discourse',
  ';',
  'it',
  'will',
  'ease',
  'his',
  'conscience',
  ',',
  'I',
  'am',
  'satisfied',
  'with',
  'having',
  'defeated',
  'him',
  'in',
  'his',
  'own',
  'castle',
  '.'],
 ['A',
  'sister',
  'of',
  'my',
  'father',
  'was',
  'with',
  'him',
  'at',
  'this',
  'period',
  '.'],
 ['The',
  'speaker',
  'is',
  'aware',
  'that',
  'he',
  'displeases',
  ';',
  'he',
  'has',
  'every',
  'intention',
  'to',
  'please',
  ',',
  'he',
  'is',
  'usually',
  'curt',
  ',',
  'precise',
  ',',
  'and',
  'clear',
  ',',
  'the',
  'most',
  'laconic',
  'and',
  'luminous',
  'language',
  'is',
  'struggling',
  'for',
  'utterance',
  'upon',
  'his',
  'tongue',
  ',',
  'it',
  'is',
  'only',
  'with',
  'difficulty',
  'that',
  'he',
  'restrains',
  'himself',
  'from',
  'giving',
  'it',
  'flow',
  ';',
  'he',
  'dreads',
  'and',
  'deprecates',
  'the',
  'anger',
  'of',
  'him',
  'whom',
  'he',
  'addresses',
  ';',
  'yet',
  ',',
  'the',
  'thought',
  'strikes',
  'him',
  ',',
  'that',
  'by',
  'certain',
  'involutions',
  'and',
  'parentheses',
  'this',
  'anger',
  'may',
  'be',
  'engendered',
  '.'],
 ['On',
  'Frederick',
  "'s",
  'lip',
  'arose',
  'a',
  'fiendish',
  'expression',
  ',',
  'as',
  'he',
  'became',
  'aware',
  'of',
  'the',
  'direction',
  'which',
  'his',
  'glance',
  'had',
  ',',
  'without',
  'his',
  'consciousness',
  ',',
  'assumed',
  '.'],
 ['She',
  'did',
  'not',
  'in',
  'the',
  'least',
  'resemble',
  'either',
  'of',
  'her',
  'children',
  ';',
  'her',
  'black',
  'and',
  'sparkling',
  'eye',
  ',',
  'lit',
  'up',
  'by',
  'pride',
  ',',
  'was',
  'totally',
  'unlike',
  'the',
  'blue',
  'lustre',
  ',',
  'and',
  'frank',
  ',',
  'benignant',
  'expression',
  'of',
  'either',
  'Adrian',
  'or',
  'Idris',
  '.'],
 ['If',
  'any',
  'one',
  'has',
  'a',
  'critical',
  'turn',
  ',',
  'it',
  'is',
  'he',
  '.'],
 ['And',
  'then',
  'there',
  'was',
  "'",
  'The',
  'Diary',
  'of',
  'a',
  'Late',
  'Physician',
  ',',
  "'",
  'where',
  'the',
  'merit',
  'lay',
  'in',
  'good',
  'rant',
  ',',
  'and',
  'indifferent',
  'Greek',
  'both',
  'of',
  'them',
  'taking',
  'things',
  'with',
  'the',
  'public',
  '.'],
 ['It',
  'was',
  'from',
  'these',
  'that',
  'I',
  'determined',
  'to',
  'choose',
  'a',
  'colleague',
  ',',
  'and',
  'the',
  'more',
  'I',
  'reflected',
  'the',
  'more',
  'my',
  'preference',
  'inclined',
  'toward',
  'one',
  'Arthur',
  'Munroe',
  ',',
  'a',
  'dark',
  ',',
  'lean',
  'man',
  'of',
  'about',
  'thirty',
  'five',
  ',',
  'whose',
  'education',
  ',',
  'taste',
  ',',
  'intelligence',
  ',',
  'and',
  'temperament',
  'all',
  'seemed',
  'to',
  'mark',
  'him',
  'as',
  'one',
  'not',
  'bound',
  'to',
  'conventional',
  'ideas',
  'and',
  'experiences',
  '.'],
 ['You',
  'have',
  'only',
  'to',
  'do',
  'so',
  'and',
  'then',
  'so',
  'so',
  'so',
  'and',
  'then',
  'so',
  'so',
  'so',
  'and',
  'then',
  'so',
  'so',
  'and',
  'then',
  '"',
  'Mon',
  'dieu',
  "Ma'm'selle",
  'Salsafette',
  '"',
  'here',
  'cried',
  'a',
  'dozen',
  'voices',
  'at',
  'once',
  '.'],
 ['Whenever',
  'it',
  'fell',
  'upon',
  'me',
  ',',
  'my',
  'blood',
  'ran',
  'cold',
  ';',
  'and',
  'so',
  'by',
  'degrees',
  'very',
  'gradually',
  'I',
  'made',
  'up',
  'my',
  'mind',
  'to',
  'take',
  'the',
  'life',
  'of',
  'the',
  'old',
  'man',
  ',',
  'and',
  'thus',
  'rid',
  'myself',
  'of',
  'the',
  'eye',
  'forever',
  '.'],
 ['Great', 'God', 'would', 'it', 'one', 'day', 'be', 'thus', '?'],
 ['The',
  'real',
  'observer',
  'would',
  'have',
  'uttered',
  'an',
  'instant',
  'ejaculation',
  'of',
  'surprise',
  'however',
  'prepared',
  'by',
  'previous',
  'knowledge',
  'at',
  'the',
  'singularity',
  'of',
  'their',
  'position',
  ';',
  'the',
  'fictitious',
  'observer',
  'has',
  'not',
  'even',
  'mentioned',
  'the',
  'subject',
  ',',
  'but',
  'speaks',
  'of',
  'seeing',
  'the',
  'entire',
  'bodies',
  'of',
  'such',
  'creatures',
  ',',
  'when',
  'it',
  'is',
  'demonstrable',
  'that',
  'he',
  'could',
  'have',
  'seen',
  'only',
  'the',
  'diameter',
  'of',
  'their',
  'heads',
  'It',
  'might',
  'as',
  'well',
  'be',
  'remarked',
  ',',
  'in',
  'conclusion',
  ',',
  'that',
  'the',
  'size',
  ',',
  'and',
  'particularly',
  'the',
  'powers',
  'of',
  'the',
  'man',
  'bats',
  'for',
  'example',
  ',',
  'their',
  'ability',
  'to',
  'fly',
  'in',
  'so',
  'rare',
  'an',
  'atmosphere',
  'if',
  ',',
  'indeed',
  ',',
  'the',
  'moon',
  'have',
  'any',
  ',',
  'with',
  'most',
  'of',
  'the',
  'other',
  'fancies',
  'in',
  'regard',
  'to',
  'animal',
  'and',
  'vegetable',
  'existence',
  ',',
  'are',
  'at',
  'variance',
  ',',
  'generally',
  ',',
  'with',
  'all',
  'analogical',
  'reasoning',
  'on',
  'these',
  'themes',
  ';',
  'and',
  'that',
  'analogy',
  'here',
  'will',
  'often',
  'amount',
  'to',
  'conclusive',
  'demonstration',
  '.'],
 ['I',
  'was',
  'West',
  "'s",
  'closest',
  'friend',
  'and',
  'only',
  'confidential',
  'assistant',
  '.'],
 ['But',
  'I',
  'had',
  'suffered',
  'him',
  'to',
  'depart',
  ',',
  'and',
  'he',
  'had',
  'directed',
  'his',
  'course',
  'towards',
  'the',
  'mainland',
  '.'],
 ['That',
  'night',
  'Slater',
  'slept',
  'quietly',
  ',',
  'and',
  'the',
  'next',
  'morning',
  'he',
  'wakened',
  'with',
  'no',
  'singular',
  'feature',
  'save',
  'a',
  'certain',
  'alteration',
  'of',
  'expression',
  '.'],
 ['Confused',
  'memories',
  'mixed',
  'themselves',
  'with',
  'his',
  'mathematics',
  ',',
  'and',
  'he',
  'believed',
  'his',
  'subconscious',
  'mind',
  'held',
  'the',
  'angles',
  'which',
  'he',
  'needed',
  'to',
  'guide',
  'him',
  'back',
  'to',
  'the',
  'normal',
  'world',
  'alone',
  'and',
  'unaided',
  'for',
  'the',
  'first',
  'time',
  '.'],
 ['Then',
  'I',
  'came',
  'suddenly',
  'into',
  'still',
  'noonday',
  'solitudes',
  ',',
  'where',
  'no',
  'wind',
  'of',
  'heaven',
  'ever',
  'intruded',
  ',',
  'and',
  'where',
  'vast',
  'meadows',
  'of',
  'poppies',
  ',',
  'and',
  'slender',
  ',',
  'lily',
  'looking',
  'flowers',
  'spread',
  'themselves',
  'out',
  'a',
  'weary',
  'distance',
  ',',
  'all',
  'silent',
  'and',
  'motionless',
  'forever',
  '.'],
 ['This',
  'epoch',
  'these',
  'later',
  'years',
  'took',
  'unto',
  'themselves',
  'a',
  'sudden',
  'elevation',
  'in',
  'turpitude',
  ',',
  'whose',
  'origin',
  'alone',
  'it',
  'is',
  'my',
  'present',
  'purpose',
  'to',
  'assign',
  '.'],
 ['Raymond', 'yielded', 'for', 'the', 'present', '.'],
 ['What',
  'would',
  'the',
  'storm',
  'call',
  'forth',
  'or',
  'was',
  'there',
  'anything',
  'left',
  'for',
  'it',
  'to',
  'call',
  '?'],
 ['But',
  ',',
  'at',
  'this',
  'period',
  ',',
  'the',
  'whole',
  'scheme',
  'of',
  'my',
  'existence',
  'was',
  'about',
  'to',
  'change',
  '.'],
 ['"',
  'You',
  'ought',
  'to',
  'hear',
  ',',
  'though',
  ',',
  'what',
  'some',
  'of',
  'the',
  'old',
  'timers',
  'tell',
  'about',
  'the',
  'black',
  'reef',
  'off',
  'the',
  'coast',
  'Devil',
  'Reef',
  ',',
  'they',
  'call',
  'it',
  '.'],
 ['Elizabeth',
  'had',
  'caught',
  'the',
  'scarlet',
  'fever',
  ';',
  'her',
  'illness',
  'was',
  'severe',
  ',',
  'and',
  'she',
  'was',
  'in',
  'the',
  'greatest',
  'danger',
  '.'],
 ['But',
  'I',
  'shall',
  'never',
  'forget',
  'the',
  'emotions',
  'of',
  'wonder',
  'and',
  'horror',
  'with',
  'which',
  'I',
  'gazed',
  ',',
  'when',
  ',',
  'leaping',
  'through',
  'these',
  'windows',
  ',',
  'and',
  'down',
  'among',
  'us',
  'pele',
  'mele',
  ',',
  'fighting',
  ',',
  'stamping',
  ',',
  'scratching',
  ',',
  'and',
  'howling',
  ',',
  'there',
  'rushed',
  'a',
  'perfect',
  'army',
  'of',
  'what',
  'I',
  'took',
  'to',
  'be',
  'Chimpanzees',
  ',',
  'Ourang',
  'Outangs',
  ',',
  'or',
  'big',
  'black',
  'baboons',
  'of',
  'the',
  'Cape',
  'of',
  'Good',
  'Hope',
  '.'],
 ['I',
  'was',
  'struck',
  'by',
  'his',
  'exceeding',
  'beauty',
  ',',
  'and',
  'as',
  'he',
  'spoke',
  'to',
  'thank',
  'me',
  'the',
  'sweet',
  'but',
  'melancholy',
  'cadence',
  'of',
  'his',
  'voice',
  'brought',
  'tears',
  'into',
  'my',
  'eyes',
  '.'],
 ['He',
  'considered',
  'the',
  'auriferous',
  'cavities',
  'the',
  'result',
  'of',
  'the',
  'action',
  'of',
  'water',
  ',',
  'and',
  'believed',
  'the',
  'last',
  'of',
  'them',
  'would',
  'soon',
  'be',
  'opened',
  '.'],
 ['"',
  'You',
  'will',
  'ask',
  'me',
  ',',
  '"',
  'continued',
  'Evadne',
  ',',
  '"',
  'what',
  'I',
  'have',
  'done',
  'since',
  ';',
  'why',
  'I',
  'have',
  'not',
  'applied',
  'for',
  'succour',
  'to',
  'the',
  'rich',
  'Greeks',
  'resident',
  'here',
  ';',
  'why',
  'I',
  'have',
  'not',
  'returned',
  'to',
  'my',
  'native',
  'country',
  '?'],
 ['In',
  'another',
  'second',
  'I',
  'was',
  'alone',
  'in',
  'the',
  'accursed',
  'mansion',
  ',',
  'shivering',
  'and',
  'gibbering',
  '.'],
 ['At',
  'the',
  'end',
  'of',
  'the',
  'corridor',
  'was',
  'a',
  'bathroom',
  'a',
  'discouraging',
  'relique',
  'with',
  'ancient',
  'marble',
  'bowl',
  ',',
  'tin',
  'tub',
  ',',
  'faint',
  'electric',
  'light',
  ',',
  'and',
  'musty',
  'wooden',
  'panelling',
  'around',
  'all',
  'the',
  'plumbing',
  'fixtures',
  '.'],
 ['The',
  'ground',
  'under',
  'one',
  'of',
  'the',
  'squatters',
  "'",
  'villages',
  'had',
  'caved',
  'in',
  'after',
  'a',
  'lightning',
  'stroke',
  ',',
  'destroying',
  'several',
  'of',
  'the',
  'malodorous',
  'shanties',
  ';',
  'but',
  'upon',
  'this',
  'property',
  'damage',
  'was',
  'superimposed',
  'an',
  'organic',
  'devastation',
  'which',
  'paled',
  'it',
  'to',
  'insignificance',
  '.'],
 ['I',
  'seized',
  'the',
  'favourable',
  'moment',
  ',',
  'and',
  'endeavoured',
  'to',
  'awaken',
  'in',
  'her',
  'something',
  'beyond',
  'the',
  'killing',
  'torpor',
  'of',
  'grief',
  '.'],
 ['"',
  'How',
  'was',
  'it',
  'possible',
  ',',
  '"',
  'I',
  'asked',
  ',',
  '"',
  'that',
  'you',
  'should',
  'know',
  'the',
  'man',
  'to',
  'be',
  'a',
  'sailor',
  ',',
  'and',
  'belonging',
  'to',
  'a',
  'Maltese',
  'vessel',
  '?',
  '"',
  '"',
  'I',
  'do',
  'not',
  'know',
  'it',
  ',',
  '"',
  'said',
  'Dupin',
  '.'],
 ['And',
  'yet',
  'all',
  'this',
  'might',
  'have',
  'been',
  'endured',
  ',',
  'if',
  'not',
  'approved',
  ',',
  'by',
  'the',
  'mad',
  'revellers',
  'around',
  '.'],
 ['That',
  ',',
  'on',
  'the',
  'other',
  'hand',
  ',',
  'the',
  'successful',
  'administration',
  'of',
  'a',
  'province',
  'depended',
  'primarily',
  'upon',
  'the',
  'safety',
  'and',
  'good',
  'will',
  'of',
  'the',
  'civilised',
  'element',
  'in',
  'whose',
  'hands',
  'the',
  'local',
  'machinery',
  'of',
  'commerce',
  'and',
  'prosperity',
  'reposed',
  ',',
  'and',
  'in',
  'whose',
  'veins',
  'a',
  'large',
  'mixture',
  'of',
  'our',
  'own',
  'Italian',
  'blood',
  'coursed',
  '.'],
 ['The',
  'writers',
  'seem',
  ',',
  'in',
  'each',
  'instance',
  ',',
  'to',
  'be',
  'utterly',
  'uninformed',
  'in',
  'respect',
  'to',
  'astronomy',
  '.'],
 ['That',
  'evening',
  ',',
  'after',
  'a',
  'day',
  'of',
  'hurried',
  'cabling',
  'and',
  'arranging',
  ',',
  'I',
  'bade',
  'my',
  'host',
  'adieu',
  'and',
  'took',
  'a',
  'train',
  'for',
  'San',
  'Francisco',
  '.'],
 ['To',
  'these',
  'qualities',
  'he',
  'united',
  'the',
  'warmest',
  'and',
  'truest',
  'heart',
  'which',
  'ever',
  'beat',
  'in',
  'a',
  'human',
  'bosom',
  '.'],
 ['They',
  'rallied',
  ',',
  'fought',
  'madly',
  ',',
  'and',
  'retreated',
  'again',
  '.'],
 ['It', 'is', 'a', 'scene', 'terrifically', 'desolate', '.'],
 ['Since',
  'the',
  'affair',
  'of',
  'the',
  'letter',
  ',',
  'I',
  'had',
  'been',
  'in',
  'the',
  'habit',
  'of',
  'watching',
  'her',
  'house',
  ',',
  'and',
  'thus',
  'discovered',
  'that',
  ',',
  'about',
  'twilight',
  ',',
  'it',
  'was',
  'her',
  'custom',
  'to',
  'promenade',
  ',',
  'attended',
  'only',
  'by',
  'a',
  'negro',
  'in',
  'livery',
  ',',
  'in',
  'a',
  'public',
  'square',
  'overlooked',
  'by',
  'her',
  'windows',
  '.'],
 ['I',
  'can',
  'promise',
  'you',
  ',',
  'too',
  ',',
  'some',
  'good',
  'singing',
  '.'],
 ['There',
  'lay',
  'great',
  'Cthulhu',
  'and',
  'his',
  'hordes',
  ',',
  'hidden',
  'in',
  'green',
  'slimy',
  'vaults',
  'and',
  'sending',
  'out',
  'at',
  'last',
  ',',
  'after',
  'cycles',
  'incalculable',
  ',',
  'the',
  'thoughts',
  'that',
  'spread',
  'fear',
  'to',
  'the',
  'dreams',
  'of',
  'the',
  'sensitive',
  'and',
  'called',
  'imperiously',
  'to',
  'the',
  'faithful',
  'to',
  'come',
  'on',
  'a',
  'pilgrimage',
  'of',
  'liberation',
  'and',
  'restoration',
  '.'],
 ['I',
  'concealed',
  'nothing',
  'felt',
  'that',
  'I',
  'had',
  'a',
  'right',
  'to',
  'conceal',
  'nothing',
  'from',
  'her',
  'confiding',
  'affection',
  '.'],
 ['I',
  'grew',
  ',',
  'day',
  'by',
  'day',
  ',',
  'more',
  'moody',
  ',',
  'more',
  'irritable',
  ',',
  'more',
  'regardless',
  'of',
  'the',
  'feelings',
  'of',
  'others',
  '.'],
 ['It',
  'was',
  'about',
  'the',
  'same',
  'period',
  ',',
  'if',
  'I',
  'remember',
  'aright',
  ',',
  'that',
  ',',
  'in',
  'an',
  'altercation',
  'of',
  'violence',
  'with',
  'him',
  ',',
  'in',
  'which',
  'he',
  'was',
  'more',
  'than',
  'usually',
  'thrown',
  'off',
  'his',
  'guard',
  ',',
  'and',
  'spoke',
  'and',
  'acted',
  'with',
  'an',
  'openness',
  'of',
  'demeanor',
  'rather',
  'foreign',
  'to',
  'his',
  'nature',
  ',',
  'I',
  'discovered',
  ',',
  'or',
  'fancied',
  'I',
  'discovered',
  ',',
  'in',
  'his',
  'accent',
  ',',
  'his',
  'air',
  ',',
  'and',
  'general',
  'appearance',
  ',',
  'a',
  'something',
  'which',
  'first',
  'startled',
  ',',
  'and',
  'then',
  'deeply',
  'interested',
  'me',
  ',',
  'by',
  'bringing',
  'to',
  'mind',
  'dim',
  'visions',
  'of',
  'my',
  'earliest',
  'infancy',
  'wild',
  ',',
  'confused',
  'and',
  'thronging',
  'memories',
  'of',
  'a',
  'time',
  'when',
  'memory',
  'herself',
  'was',
  'yet',
  'unborn',
  '.'],
 ['My',
  'heart',
  'grew',
  'sick',
  'on',
  'account',
  'of',
  'the',
  'dampness',
  'of',
  'the',
  'catacombs',
  '.'],
 ['Here',
  'I',
  'paused',
  ',',
  'I',
  'knew',
  'not',
  'why',
  ';',
  'but',
  'I',
  'remained',
  'some',
  'minutes',
  'with',
  'my',
  'eyes',
  'fixed',
  'on',
  'a',
  'coach',
  'that',
  'was',
  'coming',
  'towards',
  'me',
  'from',
  'the',
  'other',
  'end',
  'of',
  'the',
  'street',
  '.'],
 ['And',
  'the',
  'bright',
  'eyes',
  'of',
  'Eleonora',
  'grew',
  'brighter',
  'at',
  'my',
  'words',
  ';',
  'and',
  'she',
  'sighed',
  'as',
  'if',
  'a',
  'deadly',
  'burthen',
  'had',
  'been',
  'taken',
  'from',
  'her',
  'breast',
  ';',
  'and',
  'she',
  'trembled',
  'and',
  'very',
  'bitterly',
  'wept',
  ';',
  'but',
  'she',
  'made',
  'acceptance',
  'of',
  'the',
  'vow',
  ',',
  'for',
  'what',
  'was',
  'she',
  'but',
  'a',
  'child',
  '?'],
 ['A',
  'party',
  'of',
  'people',
  'flying',
  'from',
  'London',
  ',',
  'as',
  'was',
  'frequent',
  'in',
  'those',
  'days',
  ',',
  'had',
  'come',
  'up',
  'the',
  'Thames',
  'in',
  'a',
  'boat',
  '.'],
 ['There',
  'I',
  'suffered',
  'it',
  'to',
  'remain',
  'for',
  'many',
  'minutes',
  ',',
  'while',
  'I',
  'strove',
  'to',
  'imagine',
  'where',
  'and',
  'what',
  'I',
  'could',
  'be',
  '.'],
 ['But',
  'even',
  'human',
  'sympathies',
  'were',
  'not',
  'sufficient',
  'to',
  'satisfy',
  'his',
  'eager',
  'mind',
  '.'],
 ['I',
  'had',
  'wandered',
  'towards',
  'Bracknel',
  ',',
  'far',
  'to',
  'the',
  'west',
  'of',
  'Windsor',
  '.'],
 ['Atal',
  'was',
  'only',
  'the',
  'son',
  'of',
  'an',
  'innkeeper',
  ',',
  'and',
  'was',
  'sometimes',
  'afraid',
  ';',
  'but',
  'Barzai',
  "'s",
  'father',
  'had',
  'been',
  'a',
  'landgrave',
  'who',
  'dwelt',
  'in',
  'an',
  'ancient',
  'castle',
  ',',
  'so',
  'he',
  'had',
  'no',
  'common',
  'superstition',
  'in',
  'his',
  'blood',
  ',',
  'and',
  'only',
  'laughed',
  'at',
  'the',
  'fearful',
  'cotters',
  '.'],
 ['He',
  'soon',
  'conquered',
  'my',
  'latent',
  'distaste',
  ';',
  'I',
  'endeavoured',
  'to',
  'watch',
  'him',
  'and',
  'Perdita',
  ',',
  'and',
  'to',
  'keep',
  'in',
  'mind',
  'every',
  'thing',
  'I',
  'had',
  'heard',
  'to',
  'his',
  'disadvantage',
  '.'],
 ['I',
  'was',
  'an',
  'only',
  'child',
  ',',
  'and',
  'the',
  'lack',
  'of',
  'companionship',
  'which',
  'this',
  'fact',
  'entailed',
  'upon',
  'me',
  'was',
  'augmented',
  'by',
  'the',
  'strange',
  'care',
  'exercised',
  'by',
  'my',
  'aged',
  'guardian',
  'in',
  'excluding',
  'me',
  'from',
  'the',
  'society',
  'of',
  'the',
  'peasant',
  'children',
  'whose',
  'abodes',
  'were',
  'scattered',
  'here',
  'and',
  'there',
  'upon',
  'the',
  'plains',
  'that',
  'surround',
  'the',
  'base',
  'of',
  'the',
  'hill',
  '.'],
 ['Corona',
  'Borealis',
  ',',
  'which',
  'my',
  'friend',
  'had',
  'appeared',
  'to',
  'dread',
  ',',
  'and',
  'whose',
  'scintillant',
  'semicircle',
  'of',
  'stars',
  'must',
  'even',
  'now',
  'be',
  'glowing',
  'unseen',
  'through',
  'the',
  'measureless',
  'abysses',
  'of',
  'aether',
  '.'],
 ['There',
  'was',
  'an',
  'epoch',
  'in',
  'the',
  'course',
  'of',
  'the',
  'general',
  'sentiment',
  'when',
  'the',
  'comet',
  'had',
  'attained',
  ',',
  'at',
  'length',
  ',',
  'a',
  'size',
  'surpassing',
  'that',
  'of',
  'any',
  'previously',
  'recorded',
  'visitation',
  '.'],
 ['dee',
  '"',
  'Randolph',
  'Carter',
  'stopped',
  'in',
  'the',
  'pitch',
  'darkness',
  'and',
  'rubbed',
  'his',
  'hand',
  'across',
  'his',
  'eyes',
  '.'],
 ['Deep',
  'sorrow',
  'must',
  'have',
  'been',
  'the',
  'inmate',
  'of',
  'our',
  'bosoms',
  ';',
  'fraud',
  'must',
  'have',
  'lain',
  'in',
  'wait',
  'for',
  'us',
  ';',
  'the',
  'artful',
  'must',
  'have',
  'deceived',
  'us',
  ';',
  'sickening',
  'doubt',
  'and',
  'false',
  'hope',
  'must',
  'have',
  'chequered',
  'our',
  'days',
  ';',
  'hilarity',
  'and',
  'joy',
  ',',
  'that',
  'lap',
  'the',
  'soul',
  'in',
  'ecstasy',
  ',',
  'must',
  'at',
  'times',
  'have',
  'possessed',
  'us',
  '.'],
 ['The',
  'veil',
  'must',
  'be',
  'thicker',
  'than',
  'that',
  'invented',
  'by',
  'Turkish',
  'jealousy',
  ';',
  'the',
  'wall',
  'higher',
  'than',
  'the',
  'unscaleable',
  'tower',
  'of',
  'Vathek',
  ',',
  'which',
  'should',
  'conceal',
  'from',
  'her',
  'the',
  'workings',
  'of',
  'his',
  'heart',
  ',',
  'and',
  'hide',
  'from',
  'her',
  'view',
  'the',
  'secret',
  'of',
  'his',
  'actions',
  '.'],
 ['Something',
  'else',
  'had',
  'gone',
  'on',
  'ahead',
  'a',
  'larger',
  'wisp',
  'which',
  'now',
  'and',
  'then',
  'condensed',
  'into',
  'nameless',
  'approximations',
  'of',
  'form',
  'and',
  'he',
  'thought',
  'that',
  'their',
  'progress',
  'had',
  'not',
  'been',
  'in',
  'a',
  'straight',
  'line',
  ',',
  'but',
  'rather',
  'along',
  'the',
  'alien',
  'curves',
  'and',
  'spirals',
  'of',
  'some',
  'ethereal',
  'vortex',
  'which',
  'obeyed',
  'laws',
  'unknown',
  'to',
  'the',
  'physics',
  'and',
  'mathematics',
  'of',
  'any',
  'conceivable',
  'cosmos',
  '.'],
 ['For',
  'who',
  ',',
  'let',
  'me',
  'ask',
  ',',
  'ever',
  'heard',
  'of',
  'a',
  'balloon',
  'manufactured',
  'entirely',
  'of',
  'dirty',
  'newspapers',
  '?'],
 ['By',
  'the',
  'bye',
  ',',
  'Monsieur',
  ',',
  'did',
  'I',
  'understand',
  'you',
  'to',
  'say',
  'that',
  'the',
  'system',
  'you',
  'have',
  'adopted',
  ',',
  'in',
  'place',
  'of',
  'the',
  'celebrated',
  'soothing',
  'system',
  ',',
  'was',
  'one',
  'of',
  'very',
  'rigorous',
  'severity',
  '?',
  '"'],
 ['With',
  'this',
  'he',
  'had',
  'been',
  'inspired',
  'by',
  'Casimir',
  'Perier',
  ',',
  'whose',
  'pert',
  'little',
  'query',
  '"',
  'A',
  'quoi',
  'un',
  'poete',
  'est',
  'il',
  'bon',
  '?',
  '"',
  'he',
  'was',
  'in',
  'the',
  'habit',
  'of',
  'quoting',
  ',',
  'with',
  'a',
  'very',
  'droll',
  'pronunciation',
  ',',
  'as',
  'the',
  'ne',
  'plus',
  'ultra',
  'of',
  'logical',
  'wit',
  '.'],
 ['Adelaide', 'Curtis', ',', 'Albany', ',', 'New', 'York', '.'],
 ['We',
  'have',
  'crossed',
  'the',
  'Atlantic',
  'fairly',
  'and',
  'easily',
  'crossed',
  'it',
  'in',
  'a',
  'balloon',
  'God',
  'be',
  'praised',
  'Who',
  'shall',
  'say',
  'that',
  'anything',
  'is',
  'impossible',
  'hereafter',
  '?',
  '"'],
 ['The',
  'whippoorwills',
  'were',
  'piping',
  'wildly',
  ',',
  'and',
  'in',
  'a',
  'singularly',
  'curious',
  'irregular',
  'rhythm',
  'quite',
  'unlike',
  'that',
  'of',
  'the',
  'visible',
  'ritual',
  '.'],
 ['They',
  'gathered',
  'round',
  'him',
  ',',
  'counted',
  'their',
  'numbers',
  ',',
  'and',
  'detailed',
  'the',
  'reasons',
  'why',
  'they',
  'were',
  'now',
  'to',
  'receive',
  'an',
  'addition',
  'of',
  'such',
  'and',
  'such',
  'members',
  ',',
  'who',
  'had',
  'not',
  'yet',
  'declared',
  'themselves',
  '.'],
 ['"',
  'I',
  'guess',
  'he',
  "'s",
  'sayin',
  "'",
  'the',
  'spell',
  ',',
  '"',
  'whispered',
  'Wheeler',
  'as',
  'he',
  'snatched',
  'back',
  'the',
  'telescope',
  '.'],
 ['In',
  'about',
  'half',
  'an',
  'hour',
  'after',
  'her',
  'departure',
  ',',
  'the',
  '"',
  'large',
  'amount',
  '"',
  'is',
  'seen',
  'to',
  'be',
  'a',
  '"',
  'counterfeit',
  'presentment',
  ',',
  '"',
  'and',
  'the',
  'whole',
  'thing',
  'a',
  'capital',
  'diddle',
  '.'],
 ['Vast',
  ',',
  'Polyphemus',
  'like',
  ',',
  'and',
  'loathsome',
  ',',
  'it',
  'darted',
  'like',
  'a',
  'stupendous',
  'monster',
  'of',
  'nightmares',
  'to',
  'the',
  'monolith',
  ',',
  'about',
  'which',
  'it',
  'flung',
  'its',
  'gigantic',
  'scaly',
  'arms',
  ',',
  'the',
  'while',
  'it',
  'bowed',
  'its',
  'hideous',
  'head',
  'and',
  'gave',
  'vent',
  'to',
  'certain',
  'measured',
  'sounds',
  '.'],
 ['Leaning',
  'my',
  'cycle',
  'against',
  'the',
  'wall',
  'I',
  'opened',
  'the',
  'door',
  'at',
  'the',
  'left',
  ',',
  'and',
  'crossed',
  'into',
  'a',
  'small',
  'low',
  'ceiled',
  'chamber',
  'but',
  'dimly',
  'lighted',
  'by',
  'its',
  'two',
  'dusty',
  'windows',
  'and',
  'furnished',
  'in',
  'the',
  'barest',
  'and',
  'most',
  'primitive',
  'possible',
  'way',
  '.'],
 ['Can',
  'my',
  'soul',
  ',',
  'inextricably',
  'linked',
  'to',
  'this',
  'perishable',
  'frame',
  ',',
  'become',
  'lethargic',
  'and',
  'cold',
  ',',
  'even',
  'as',
  'this',
  'sensitive',
  'mechanism',
  'shall',
  'lose',
  'its',
  'youthful',
  'elasticity',
  '?'],
 ['I',
  'could',
  'no',
  'longer',
  'attend',
  'to',
  'my',
  'occupations',
  ';',
  'all',
  'my',
  'plans',
  'and',
  'devices',
  'were',
  'forgotten',
  ';',
  'I',
  'seemed',
  'about',
  'to',
  'begin',
  'life',
  'anew',
  ',',
  'and',
  'that',
  'under',
  'no',
  'good',
  'auspices',
  '.'],
 ['We',
  'were',
  'about',
  'to',
  'return',
  'homewards',
  ',',
  'when',
  'a',
  'voice',
  ',',
  'a',
  'human',
  'voice',
  ',',
  'strange',
  'now',
  'to',
  'hear',
  ',',
  'attracted',
  'our',
  'attention',
  '.'],
 ['I',
  ',',
  'driven',
  'half',
  'mad',
  ',',
  'as',
  'I',
  'met',
  'party',
  'after',
  'party',
  'of',
  'the',
  'country',
  'people',
  ',',
  'in',
  'their',
  'holiday',
  'best',
  ',',
  'descending',
  'the',
  'hills',
  ',',
  'escaped',
  'to',
  'their',
  'cloud',
  'veiled',
  'summits',
  ',',
  'and',
  'looking',
  'on',
  'the',
  'sterile',
  'rocks',
  'about',
  'me',
  ',',
  'exclaimed',
  '"',
  'They',
  'do',
  'not',
  'cry',
  ',',
  'long',
  'live',
  'the',
  'Earl',
  '"',
  'Nor',
  ',',
  'when',
  'night',
  'came',
  ',',
  'accompanied',
  'by',
  'drizzling',
  'rain',
  'and',
  'cold',
  ',',
  'would',
  'I',
  'return',
  'home',
  ';',
  'for',
  'I',
  'knew',
  'that',
  'each',
  'cottage',
  'rang',
  'with',
  'the',
  'praises',
  'of',
  'Adrian',
  ';',
  'as',
  'I',
  'felt',
  'my',
  'limbs',
  'grow',
  'numb',
  'and',
  'chill',
  ',',
  'my',
  'pain',
  'served',
  'as',
  'food',
  'for',
  'my',
  'insane',
  'aversion',
  ';',
  'nay',
  ',',
  'I',
  'almost',
  'triumphed',
  'in',
  'it',
  ',',
  'since',
  'it',
  'seemed',
  'to',
  'afford',
  'me',
  'reason',
  'and',
  'excuse',
  'for',
  'my',
  'hatred',
  'of',
  'my',
  'unheeding',
  'adversary',
  '.'],
 ['There',
  'seemed',
  'to',
  'be',
  'a',
  'void',
  ',',
  'and',
  'nothing',
  'more',
  ',',
  'and',
  'I',
  'felt',
  'a',
  'childish',
  'fear',
  'which',
  'prompted',
  'me',
  'to',
  'draw',
  'from',
  'my',
  'hip',
  'pocket',
  'the',
  'revolver',
  'I',
  'always',
  'carried',
  'after',
  'dark',
  'since',
  'the',
  'night',
  'I',
  'was',
  'held',
  'up',
  'in',
  'East',
  'Providence',
  '.'],
 ['I',
  'was',
  'afeard',
  'never',
  'did',
  'no',
  'pryin',
  "'",
  'arter',
  'that',
  'awful',
  'night',
  ',',
  'an',
  "'",
  'never',
  'see',
  'one',
  'of',
  'them',
  'clost',
  'to',
  'in',
  'all',
  'my',
  'life',
  '.'],
 ['Raymond', "'s", 'eyes', 'were', 'fixed', 'on', 'the', 'city', '.'],
 ['What',
  "L'Etoile",
  'says',
  'in',
  'respect',
  'to',
  'this',
  'abbreviation',
  'of',
  'the',
  'garter',
  "'s",
  'being',
  'an',
  'usual',
  'occurrence',
  ',',
  'shows',
  'nothing',
  'beyond',
  'its',
  'own',
  'pertinacity',
  'in',
  'error',
  '.'],
 ['Then',
  ',',
  'as',
  'I',
  'remained',
  ',',
  'paralysed',
  'with',
  'fear',
  ',',
  'he',
  'found',
  'his',
  'voice',
  'and',
  'in',
  'his',
  'dying',
  'breath',
  'screamed',
  'forth',
  'those',
  'words',
  'which',
  'have',
  'ever',
  'afterward',
  'haunted',
  'my',
  'days',
  'and',
  'my',
  'nights',
  '.'],
 ['I',
  'struggled',
  'to',
  'reason',
  'off',
  'the',
  'nervousness',
  'which',
  'had',
  'dominion',
  'over',
  'me',
  '.'],
 ['What',
  'I',
  'have',
  'become',
  'since',
  'this',
  'last',
  'moment',
  'I',
  'know',
  'not',
  ';',
  'perhaps',
  'I',
  'am',
  'changed',
  'in',
  'mien',
  'as',
  'the',
  'fallen',
  'archangel',
  '.'],
 ['They',
  'rotted',
  'quickly',
  ',',
  'and',
  'at',
  'one',
  'stage',
  'became',
  'slightly',
  'phosphorescent',
  ';',
  'so',
  'that',
  'nocturnal',
  'passers',
  'by',
  'sometimes',
  'spoke',
  'of',
  'witch',
  'fires',
  'glowing',
  'behind',
  'the',
  'broken',
  'panes',
  'of',
  'the',
  'foetor',
  'spreading',
  'windows',
  '.'],
 ['Do',
  'you',
  ',',
  'my',
  'compassionate',
  'friend',
  ',',
  'tell',
  'me',
  'how',
  'to',
  'die',
  'peacefully',
  'and',
  'innocently',
  'and',
  'I',
  'will',
  'bless',
  'you',
  ':',
  'all',
  'that',
  'I',
  ',',
  'poor',
  'wretch',
  ',',
  'can',
  'desire',
  'is',
  'a',
  'painless',
  'death',
  '.',
  '"'],
 ['A',
  'large',
  'bruise',
  'was',
  'discovered',
  'upon',
  'the',
  'pit',
  'of',
  'the',
  'stomach',
  ',',
  'produced',
  ',',
  'apparently',
  ',',
  'by',
  'the',
  'pressure',
  'of',
  'a',
  'knee',
  '.'],
 ['The',
  'invalid',
  'was',
  'suffering',
  'with',
  'acute',
  'pain',
  'in',
  'the',
  'region',
  'of',
  'the',
  'heart',
  ',',
  'and',
  'breathed',
  'with',
  'great',
  'difficulty',
  ',',
  'having',
  'all',
  'the',
  'ordinary',
  'symptoms',
  'of',
  'asthma',
  '.'],
 ['It',
  'is',
  'truly',
  'a',
  'terrible',
  'thing',
  ',',
  'and',
  'unmistakably',
  'akin',
  'to',
  'the',
  'dream',
  'sculpture',
  'of',
  'young',
  'Wilcox',
  '.'],
 ['"',
  'Moissart',
  'and',
  'Voissart',
  '"',
  'I',
  'repeated',
  ',',
  'thoughtfully',
  ',',
  'as',
  'she',
  'cut',
  'one',
  'of',
  'her',
  'pigeon',
  'wings',
  ',',
  'and',
  '"',
  'Croissart',
  'and',
  'Froissart',
  '"',
  'as',
  'she',
  'completed',
  'another',
  '"',
  'Moissart',
  'and',
  'Voissart',
  'and',
  'Croissart',
  'and',
  'Napoleon',
  'Bonaparte',
  'Froissart',
  'why',
  ',',
  'you',
  'ineffable',
  'old',
  'serpent',
  ',',
  'that',
  "'s",
  'me',
  'that',
  "'s",
  'me',
  "d'ye",
  'hear',
  '?'],
 ['I',
  'do',
  "n't",
  'believe',
  'there',
  'were',
  'three',
  'houses',
  'in',
  'sight',
  'that',
  'had',
  "n't",
  'been',
  'standing',
  'in',
  'Cotton',
  'Mather',
  "'s",
  'time',
  'certainly',
  'I',
  'glimpsed',
  'at',
  'least',
  'two',
  'with',
  'an',
  'overhang',
  ',',
  'and',
  'once',
  'I',
  'thought',
  'I',
  'saw',
  'a',
  'peaked',
  'roof',
  'line',
  'of',
  'the',
  'almost',
  'forgotten',
  'pre',
  'gambrel',
  'type',
  ',',
  'though',
  'antiquarians',
  'tell',
  'us',
  'there',
  'are',
  'none',
  'left',
  'in',
  'Boston',
  '.'],
 ['I',
  'have',
  'saved',
  'you',
  'so',
  'far',
  'by',
  'telling',
  'you',
  'to',
  'keep',
  'still',
  'saved',
  'you',
  'to',
  'see',
  'more',
  'sights',
  'and',
  'to',
  'listen',
  'to',
  'me',
  '.'],
 ['A',
  'high',
  'bred',
  'face',
  'of',
  'masterful',
  'though',
  'not',
  'arrogant',
  'expression',
  'was',
  'adorned',
  'by',
  'a',
  'short',
  'iron',
  'grey',
  'full',
  'beard',
  ',',
  'and',
  'an',
  'old',
  'fashioned',
  'pince',
  'nez',
  'shielded',
  'the',
  'full',
  ',',
  'dark',
  'eyes',
  'and',
  'surmounted',
  'an',
  'aquiline',
  'nose',
  'which',
  'gave',
  'a',
  'Moorish',
  'touch',
  'to',
  'a',
  'physiognomy',
  'otherwise',
  'dominantly',
  'Celtiberian',
  '.'],
 ['It',
  'could',
  'not',
  'be',
  'denied',
  'that',
  'our',
  'atmosphere',
  'was',
  'radically',
  'affected',
  ';',
  'the',
  'conformation',
  'of',
  'this',
  'atmosphere',
  'and',
  'the',
  'possible',
  'modifications',
  'to',
  'which',
  'it',
  'might',
  'be',
  'subjected',
  ',',
  'were',
  'now',
  'the',
  'topics',
  'of',
  'discussion',
  '.'],
 ['Ignoble',
  'souls',
  'De',
  "L'Omelette",
  'perished',
  'of',
  'an',
  'ortolan',
  '.'],
 ['Opening',
  'into',
  'the',
  'garret',
  'where',
  'they',
  'caught',
  'him',
  ',',
  'was',
  'a',
  'closet',
  ',',
  'ten',
  'feet',
  'by',
  'eight',
  ',',
  'fitted',
  'up',
  'with',
  'some',
  'chemical',
  'apparatus',
  ',',
  'of',
  'which',
  'the',
  'object',
  'has',
  'not',
  'yet',
  'been',
  'ascertained',
  '.'],
 ['Yes', ',', 'it', 'was', 'of', 'Death', 'I', 'spoke', '.'],
 ['Warren',
  'would',
  'never',
  'tell',
  'me',
  'just',
  'what',
  'was',
  'in',
  'that',
  'book',
  '.'],
 ['I',
  'was',
  'guiltless',
  ',',
  'but',
  'I',
  'had',
  'indeed',
  'drawn',
  'down',
  'a',
  'horrible',
  'curse',
  'upon',
  'my',
  'head',
  ',',
  'as',
  'mortal',
  'as',
  'that',
  'of',
  'crime',
  '.'],
 ['It', 'harassed', 'because', 'it', 'haunted', '.'],
 ['No',
  'observing',
  'person',
  'can',
  'have',
  'failed',
  'to',
  'notice',
  'the',
  'peculiarly',
  'deserted',
  'air',
  'of',
  'the',
  'town',
  ',',
  'from',
  'about',
  'eight',
  'until',
  'ten',
  'on',
  'the',
  'morning',
  'of',
  'every',
  'Sabbath',
  '.'],
 ['Many',
  'things',
  'had',
  'taught',
  'them',
  'secretiveness',
  ',',
  'and',
  'there',
  'was',
  'now',
  'no',
  'need',
  'to',
  'exert',
  'pressure',
  'on',
  'them',
  '.'],
 ['Then',
  'suddenly',
  'all',
  'the',
  'stars',
  'were',
  'blotted',
  'from',
  'the',
  'sky',
  'even',
  'bright',
  'Deneb',
  'and',
  'Vega',
  'ahead',
  ',',
  'and',
  'the',
  'lone',
  'Altair',
  'and',
  'Fomalhaut',
  'behind',
  'us',
  '.'],
 ['With', 'summer', 'and', 'mortality', 'grew', 'our', 'fears', '.'],
 ['But', 'the', 'thing', 'was', 'now', 'going', 'too', 'far', '.'],
 ['A',
  'heavy',
  'rain',
  'made',
  'this',
  'mode',
  'of',
  'travelling',
  'now',
  'incommodious',
  ';',
  'so',
  'we',
  'embarked',
  'in',
  'a',
  'steam',
  'packet',
  ',',
  'and',
  'after',
  'a',
  'short',
  'passage',
  'landed',
  'at',
  'Portsmouth',
  '.'],
 ['Then',
  'the',
  'doctor',
  'came',
  'with',
  'his',
  'medicine',
  'case',
  'and',
  'asked',
  'crisp',
  'questions',
  ',',
  'and',
  'removed',
  'the',
  'patient',
  "'s",
  'outer',
  'clothing',
  ',',
  'shoes',
  ',',
  'and',
  'socks',
  '.'],
 ['Justine',
  ',',
  'poor',
  'unhappy',
  'Justine',
  ',',
  'was',
  'as',
  'innocent',
  'as',
  'I',
  ',',
  'and',
  'she',
  'suffered',
  'the',
  'same',
  'charge',
  ';',
  'she',
  'died',
  'for',
  'it',
  ';',
  'and',
  'I',
  'am',
  'the',
  'cause',
  'of',
  'this',
  'I',
  'murdered',
  'her',
  '.'],
 ['We',
  'are',
  'not',
  'very',
  'prudish',
  ',',
  'to',
  'be',
  'sure',
  ',',
  'here',
  'in',
  'the',
  'South',
  'do',
  'pretty',
  'much',
  'as',
  'we',
  'please',
  'enjoy',
  'life',
  ',',
  'and',
  'all',
  'that',
  'sort',
  'of',
  'thing',
  ',',
  'you',
  'know',
  '"',
  '"',
  'To',
  'be',
  'sure',
  ',',
  '"',
  'said',
  'I',
  ',',
  '"',
  'to',
  'be',
  'sure',
  '.',
  '"'],
 ['It',
  'is',
  'a',
  'happiness',
  'to',
  'wonder',
  ';',
  'it',
  'is',
  'a',
  'happiness',
  'to',
  'dream',
  '.'],
 ['Margaret',
  ',',
  'what',
  'comment',
  'can',
  'I',
  'make',
  'on',
  'the',
  'untimely',
  'extinction',
  'of',
  'this',
  'glorious',
  'spirit',
  '?'],
 ['We',
  'shall',
  'overleap',
  'time',
  ',',
  'space',
  ',',
  'and',
  'dimensions',
  ',',
  'and',
  'without',
  'bodily',
  'motion',
  'peer',
  'to',
  'the',
  'bottom',
  'of',
  'creation',
  '.'],
 ['Matter',
  'it',
  'seemed',
  'not',
  'to',
  'be',
  ',',
  'nor',
  'ether',
  ',',
  'nor',
  'anything',
  'else',
  'conceivable',
  'by',
  'mortal',
  'mind',
  '.'],
 ['Above', 'all', ',', 'I', 'am', 'known', '.'],
 ['"',
  'Then',
  'I',
  'fancy',
  'we',
  'have',
  'seen',
  'him',
  ',',
  'for',
  'the',
  'day',
  'before',
  'we',
  'picked',
  'you',
  'up',
  'we',
  'saw',
  'some',
  'dogs',
  'drawing',
  'a',
  'sledge',
  ',',
  'with',
  'a',
  'man',
  'in',
  'it',
  ',',
  'across',
  'the',
  'ice',
  '.',
  '"'],
 ['At',
  'length',
  ',',
  'as',
  'often',
  'happens',
  'to',
  'the',
  'sleeper',
  'by',
  'sleep',
  'and',
  'its',
  'world',
  'alone',
  'is',
  'Death',
  'imaged',
  'at',
  'length',
  ',',
  'as',
  'sometimes',
  'happened',
  'on',
  'Earth',
  'to',
  'the',
  'deep',
  'slumberer',
  ',',
  'when',
  'some',
  'flitting',
  'light',
  'half',
  'startled',
  'him',
  'into',
  'awaking',
  ',',
  'yet',
  'left',
  'him',
  'half',
  'enveloped',
  'in',
  'dreams',
  'so',
  'to',
  'me',
  ',',
  'in',
  'the',
  'strict',
  'embrace',
  'of',
  'the',
  'Shadow',
  'came',
  'that',
  'light',
  'which',
  'alone',
  'might',
  'have',
  'had',
  'power',
  'to',
  'startle',
  'the',
  'light',
  'of',
  'enduring',
  'Love',
  '.'],
 ['To', 'be', 'handled', 'with', 'care', '.', '"'],
 ['He',
  'would',
  'return',
  'a',
  'purse',
  ',',
  'I',
  'am',
  'sure',
  ',',
  'upon',
  'discovering',
  'that',
  'he',
  'had',
  'obtained',
  'it',
  'by',
  'an',
  'unoriginal',
  'diddle',
  '.'],
 ['I',
  'must',
  'have',
  'left',
  'dust',
  'prints',
  'in',
  'that',
  'last',
  'old',
  'building',
  ',',
  'revealing',
  'how',
  'I',
  'had',
  'gained',
  'the',
  'street',
  '.'],
 ['But',
  'contact',
  'was',
  'not',
  'in',
  'any',
  'degree',
  'dreaded',
  ';',
  'for',
  'the',
  'elements',
  'of',
  'all',
  'the',
  'comets',
  'were',
  'accurately',
  'known',
  '.'],
 ['There',
  'is',
  'in',
  'the',
  'land',
  'of',
  'Mnar',
  'a',
  'vast',
  'still',
  'lake',
  'that',
  'is',
  'fed',
  'by',
  'no',
  'stream',
  'and',
  'out',
  'of',
  'which',
  'no',
  'stream',
  'flows',
  '.'],
 ['The',
  'general',
  'impression',
  ',',
  'so',
  'far',
  'as',
  'we',
  'were',
  'enabled',
  'to',
  'glean',
  'it',
  'from',
  'the',
  'newspapers',
  ',',
  'seemed',
  'to',
  'be',
  ',',
  'that',
  'Marie',
  'had',
  'been',
  'the',
  'victim',
  'of',
  'a',
  'gang',
  'of',
  'desperadoes',
  'that',
  'by',
  'these',
  'she',
  'had',
  'been',
  'borne',
  'across',
  'the',
  'river',
  ',',
  'maltreated',
  'and',
  'murdered',
  '.'],
 ['I', 'found', 'Raymond', 'and', 'Perdita', 'together', '.'],
 ['One',
  'only',
  'return',
  'did',
  'he',
  'owe',
  'me',
  ',',
  'even',
  'fidelity',
  '.'],
 ['"', 'Be', 'off', '"', 'said', 'the', 'seventh', '.'],
 ['Mein',
  'Gott',
  'do',
  'you',
  'take',
  'me',
  'vor',
  'a',
  'shicken',
  '?',
  '"',
  '"',
  'No',
  'oh',
  'no',
  '"',
  'I',
  'replied',
  ',',
  'much',
  'alarmed',
  ',',
  '"',
  'you',
  'are',
  'no',
  'chicken',
  'certainly',
  'not',
  '.',
  '"'],
 ['I',
  'am',
  'about',
  'to',
  'leave',
  'thee',
  ';',
  'soon',
  'this',
  'living',
  'spirit',
  'which',
  'is',
  'ever',
  'busy',
  'among',
  'strange',
  'shapes',
  'and',
  'ideas',
  ',',
  'which',
  'belong',
  'not',
  'to',
  'thee',
  ',',
  'soon',
  'it',
  'will',
  'have',
  'flown',
  'to',
  'other',
  'regions',
  'and',
  'this',
  'emaciated',
  'body',
  'will',
  'rest',
  'insensate',
  'on',
  'thy',
  'bosom',
  '"',
  'Rolled',
  'round',
  'in',
  'earth',
  "'s",
  'diurnal',
  'course',
  'With',
  'rocks',
  ',',
  'and',
  'stones',
  ',',
  'and',
  'trees',
  '.'],
 ['Look',
  'at',
  'his',
  'thought',
  'endued',
  'countenance',
  ',',
  'his',
  'graceful',
  'limbs',
  ',',
  'his',
  'majestic',
  'brow',
  ',',
  'his',
  'wondrous',
  'mechanism',
  'the',
  'type',
  'and',
  'model',
  'of',
  'this',
  'best',
  'work',
  'of',
  'God',
  'is',
  'not',
  'to',
  'be',
  'cast',
  'aside',
  'as',
  'a',
  'broken',
  'vessel',
  'he',
  'shall',
  'be',
  'preserved',
  ',',
  'and',
  'his',
  'children',
  'and',
  'his',
  'children',
  "'s",
  'children',
  'carry',
  'down',
  'the',
  'name',
  'and',
  'form',
  'of',
  'man',
  'to',
  'latest',
  'time',
  '.'],
 ['There',
  'is',
  'something',
  'terribly',
  'appalling',
  'in',
  'our',
  'situation',
  ',',
  'yet',
  'my',
  'courage',
  'and',
  'hopes',
  'do',
  'not',
  'desert',
  'me',
  '.'],
 ['Yet',
  'nothing',
  'whatever',
  'happened',
  'to',
  'Gilman',
  'till',
  'about',
  'the',
  'time',
  'of',
  'the',
  'fever',
  '.'],
 ['We',
  'cut',
  'branches',
  'of',
  'the',
  'funereal',
  'trees',
  'and',
  'placed',
  'them',
  'over',
  'him',
  ',',
  'and',
  'on',
  'these',
  'again',
  'his',
  'sword',
  '.'],
 ['To',
  'me',
  'this',
  'proceeding',
  'appeared',
  'if',
  'so',
  'light',
  'a',
  'term',
  'may',
  'be',
  'permitted',
  'extremely',
  'whimsical',
  '.'],
 ['Let',
  'a',
  'veil',
  'be',
  'drawn',
  'over',
  'the',
  'unimaginable',
  'sensations',
  'of',
  'a',
  'guilty',
  'father',
  ';',
  'the',
  'secrets',
  'of',
  'so',
  'agonized',
  'a',
  'heart',
  'may',
  'not',
  'be',
  'made',
  'vulgar',
  '.'],
 ['I',
  'had',
  'long',
  'before',
  'resolved',
  'to',
  'limit',
  'my',
  'observations',
  'to',
  'architecture',
  'alone',
  ',',
  'and',
  'I',
  'was',
  'even',
  'then',
  'hurrying',
  'toward',
  'the',
  'Square',
  'in',
  'an',
  'effort',
  'to',
  'get',
  'quick',
  'transportation',
  'out',
  'of',
  'this',
  'festering',
  'city',
  'of',
  'death',
  'and',
  'decay',
  ';',
  'but',
  'the',
  'sight',
  'of',
  'old',
  'Zadok',
  'Allen',
  'set',
  'up',
  'new',
  'currents',
  'in',
  'my',
  'mind',
  'and',
  'made',
  'me',
  'slacken',
  'my',
  'pace',
  'uncertainly',
  '.'],
 ['He',
  'had',
  'often',
  'talked',
  'about',
  'her',
  'in',
  'my',
  'presence',
  ',',
  'however',
  ',',
  'and',
  'in',
  'his',
  'usual',
  'style',
  'of',
  'enthusiasm',
  '.'],
 ['In',
  'the',
  'north',
  'it',
  'was',
  'worse',
  'the',
  'lesser',
  'population',
  'gradually',
  'declined',
  ',',
  'and',
  'famine',
  'and',
  'plague',
  'kept',
  'watch',
  'on',
  'the',
  'survivors',
  ',',
  'who',
  ',',
  'helpless',
  'and',
  'feeble',
  ',',
  'were',
  'ready',
  'to',
  'fall',
  'an',
  'easy',
  'prey',
  'into',
  'their',
  'hands',
  '.'],
 ['Green',
  'are',
  'the',
  'groves',
  'and',
  'pastures',
  ',',
  'bright',
  'and',
  'fragrant',
  'the',
  'flowers',
  ',',
  'blue',
  'and',
  'musical',
  'the',
  'streams',
  ',',
  'clear',
  'and',
  'cool',
  'the',
  'fountains',
  ',',
  'and',
  'stately',
  'and',
  'gorgeous',
  'the',
  'temples',
  ',',
  'castles',
  ',',
  'and',
  'cities',
  'of',
  'Sona',
  'Nyl',
  '.'],
 ['Upon',
  'attempting',
  'to',
  'draw',
  'this',
  'trunk',
  'out',
  'from',
  'under',
  'the',
  'bed',
  ',',
  'they',
  'found',
  'that',
  ',',
  'with',
  'their',
  'united',
  'strength',
  'there',
  'were',
  'three',
  'of',
  'them',
  ',',
  'all',
  'powerful',
  'men',
  ',',
  'they',
  "'",
  'could',
  'not',
  'stir',
  'it',
  'one',
  'inch',
  '.',
  "'"],
 ['We',
  'had',
  ',',
  'to',
  'be',
  'sure',
  ',',
  'nearly',
  'every',
  'day',
  'a',
  'quarrel',
  'in',
  'which',
  ',',
  'yielding',
  'me',
  'publicly',
  'the',
  'palm',
  'of',
  'victory',
  ',',
  'he',
  ',',
  'in',
  'some',
  'manner',
  ',',
  'contrived',
  'to',
  'make',
  'me',
  'feel',
  'that',
  'it',
  'was',
  'he',
  'who',
  'had',
  'deserved',
  'it',
  ';',
  'yet',
  'a',
  'sense',
  'of',
  'pride',
  'on',
  'my',
  'part',
  ',',
  'and',
  'a',
  'veritable',
  'dignity',
  'on',
  'his',
  'own',
  ',',
  'kept',
  'us',
  'always',
  'upon',
  'what',
  'are',
  'called',
  '"',
  'speaking',
  'terms',
  ',',
  '"',
  'while',
  'there',
  'were',
  'many',
  'points',
  'of',
  'strong',
  'congeniality',
  'in',
  'our',
  'tempers',
  ',',
  'operating',
  'to',
  'awake',
  'me',
  'in',
  'a',
  'sentiment',
  'which',
  'our',
  'position',
  'alone',
  ',',
  'perhaps',
  ',',
  'prevented',
  'from',
  'ripening',
  'into',
  'friendship',
  '.'],
 ['Even',
  'at',
  'this',
  'early',
  'age',
  ',',
  'he',
  'was',
  'deep',
  'read',
  'and',
  'imbued',
  'with',
  'the',
  'spirit',
  'of',
  'high',
  'philosophy',
  '.'],
 ['"',
  'Talk',
  'not',
  'of',
  'other',
  'season',
  'than',
  'this',
  '"',
  'he',
  'cried',
  '.'],
 ['Soon',
  'after',
  ',',
  'however',
  ',',
  'Felix',
  'approached',
  'with',
  'another',
  'man',
  ';',
  'I',
  'was',
  'surprised',
  ',',
  'as',
  'I',
  'knew',
  'that',
  'he',
  'had',
  'not',
  'quitted',
  'the',
  'cottage',
  'that',
  'morning',
  ',',
  'and',
  'waited',
  'anxiously',
  'to',
  'discover',
  'from',
  'his',
  'discourse',
  'the',
  'meaning',
  'of',
  'these',
  'unusual',
  'appearances',
  '.'],
 ['Minuteness', ':', 'Your', 'diddler', 'is', 'minute', '.'],
 ['Between',
  'gasps',
  'Luther',
  'tried',
  'to',
  'stammer',
  'out',
  'his',
  'tale',
  'to',
  'Mrs.',
  'Corey',
  '.'],
 ['Could',
  'the',
  'demon',
  'who',
  'had',
  'I',
  'did',
  'not',
  'for',
  'a',
  'minute',
  'doubt',
  'murdered',
  'my',
  'brother',
  'also',
  'in',
  'his',
  'hellish',
  'sport',
  'have',
  'betrayed',
  'the',
  'innocent',
  'to',
  'death',
  'and',
  'ignominy',
  '?'],
 ['"',
  'A',
  'thousand',
  'pounds',
  ',',
  '"',
  'said',
  'I',
  ',',
  'sitting',
  'down',
  '.'],
 ['He',
  'loathed',
  'the',
  'idea',
  'that',
  'his',
  'daughter',
  'should',
  'be',
  'united',
  'to',
  'a',
  'Christian',
  ',',
  'but',
  'he',
  'feared',
  'the',
  'resentment',
  'of',
  'Felix',
  'if',
  'he',
  'should',
  'appear',
  'lukewarm',
  ',',
  'for',
  'he',
  'knew',
  'that',
  'he',
  'was',
  'still',
  'in',
  'the',
  'power',
  'of',
  'his',
  'deliverer',
  'if',
  'he',
  'should',
  'choose',
  'to',
  'betray',
  'him',
  'to',
  'the',
  'Italian',
  'state',
  'which',
  'they',
  'inhabited',
  '.'],
 ['Oh',
  ',',
  'tempora',
  'Oh',
  ',',
  'Moses',
  "'",
  'A',
  'philippic',
  'at',
  'once',
  'so',
  'caustic',
  'and',
  'so',
  'classical',
  ',',
  'alighted',
  'like',
  'a',
  'bombshell',
  'among',
  'the',
  'hitherto',
  'peaceful',
  'citizens',
  'of',
  'Nopolis',
  '.'],
 ['Mingled',
  'with',
  'this',
  'horror',
  ',',
  'I',
  'felt',
  'the',
  'bitterness',
  'of',
  'disappointment',
  ';',
  'dreams',
  'that',
  'had',
  'been',
  'my',
  'food',
  'and',
  'pleasant',
  'rest',
  'for',
  'so',
  'long',
  'a',
  'space',
  'were',
  'now',
  'become',
  'a',
  'hell',
  'to',
  'me',
  ';',
  'and',
  'the',
  'change',
  'was',
  'so',
  'rapid',
  ',',
  'the',
  'overthrow',
  'so',
  'complete',
  'Morning',
  ',',
  'dismal',
  'and',
  'wet',
  ',',
  'at',
  'length',
  'dawned',
  'and',
  'discovered',
  'to',
  'my',
  'sleepless',
  'and',
  'aching',
  'eyes',
  'the',
  'church',
  'of',
  'Ingolstadt',
  ',',
  'its',
  'white',
  'steeple',
  'and',
  'clock',
  ',',
  'which',
  'indicated',
  'the',
  'sixth',
  'hour',
  '.'],
 ['From',
  'this',
  'date',
  'a',
  'marked',
  'alteration',
  'took',
  'place',
  'in',
  'the',
  'outward',
  'demeanor',
  'of',
  'the',
  'dissolute',
  'young',
  'Baron',
  'Frederick',
  'Von',
  'Metzengerstein',
  '.'],
 ['An',
  "'",
  'jest',
  'then',
  'our',
  'folks',
  'organised',
  'the',
  'Esoteric',
  'Order',
  'o',
  "'",
  'Dagon',
  ',',
  'an',
  "'",
  'bought',
  'Masonic',
  'Hall',
  'offen',
  'Calvary',
  'Commandery',
  'for',
  'it',
  '.',
  '.',
  '.'],
 ['Little',
  'Clara',
  'accompanied',
  'us',
  ';',
  'the',
  'poor',
  'child',
  'did',
  'not',
  'well',
  'understand',
  'what',
  'was',
  'going',
  'forward',
  '.'],
 ['The',
  'first',
  'secret',
  'that',
  'had',
  'existed',
  'between',
  'them',
  'was',
  'the',
  'visits',
  'of',
  'Raymond',
  'to',
  'Evadne',
  '.'],
 ['But',
  'I',
  'am',
  'detailing',
  'a',
  'chain',
  'of',
  'facts',
  'and',
  'wish',
  'not',
  'to',
  'leave',
  'even',
  'a',
  'possible',
  'link',
  'imperfect',
  '.'],
 ['A',
  'certain',
  'number',
  'of',
  'these',
  'failures',
  'had',
  'remained',
  'alive',
  'one',
  'was',
  'in',
  'an',
  'asylum',
  'while',
  'others',
  'had',
  'vanished',
  'and',
  'as',
  'he',
  'thought',
  'of',
  'conceivable',
  'yet',
  'virtually',
  'impossible',
  'eventualities',
  'he',
  'often',
  'shivered',
  'beneath',
  'his',
  'usual',
  'stolidity',
  '.'],
 ['Upon',
  'the',
  'outbreak',
  'of',
  'trouble',
  'with',
  'Great',
  'Britain',
  'in',
  ',',
  'William',
  'Harris',
  ',',
  'despite',
  'his',
  'scant',
  'sixteen',
  'years',
  'and',
  'feeble',
  'constitution',
  ',',
  'managed',
  'to',
  'enlist',
  'in',
  'the',
  'Army',
  'of',
  'Observation',
  'under',
  'General',
  'Greene',
  ';',
  'and',
  'from',
  'that',
  'time',
  'on',
  'enjoyed',
  'a',
  'steady',
  'rise',
  'in',
  'health',
  'and',
  'prestige',
  '.'],
 ['It',
  'was',
  'on',
  'the',
  'twenty',
  'first',
  'of',
  'February',
  ',',
  ',',
  'that',
  'the',
  'thing',
  'finally',
  'occurred',
  '.'],
 ['The',
  'writer',
  'spoke',
  'of',
  'acute',
  'bodily',
  'illness',
  'of',
  'a',
  'mental',
  'disorder',
  'which',
  'oppressed',
  'him',
  'and',
  'of',
  'an',
  'earnest',
  'desire',
  'to',
  'see',
  'me',
  ',',
  'as',
  'his',
  'best',
  ',',
  'and',
  'indeed',
  'his',
  'only',
  'personal',
  'friend',
  ',',
  'with',
  'a',
  'view',
  'of',
  'attempting',
  ',',
  'by',
  'the',
  'cheerfulness',
  'of',
  'my',
  'society',
  ',',
  'some',
  'alleviation',
  'of',
  'his',
  'malady',
  '.'],
 ['I',
  'watched',
  'it',
  'for',
  'some',
  'minutes',
  ',',
  'somewhat',
  'in',
  'fear',
  ',',
  'but',
  'more',
  'in',
  'wonder',
  '.'],
 ['What',
  'I',
  'saw',
  'in',
  'the',
  'glow',
  'of',
  'my',
  'flashlight',
  'after',
  'I',
  'shot',
  'the',
  'unspeakable',
  'straggling',
  'object',
  'was',
  'so',
  'simple',
  'that',
  'almost',
  'a',
  'minute',
  'elapsed',
  'before',
  'I',
  'understood',
  'and',
  'went',
  'delirious',
  '.'],
 ['"',
  'One',
  'word',
  'more',
  'concerning',
  'unkind',
  ',',
  'unjust',
  'Perdita',
  '.'],
 ['Unwonted',
  'silence',
  'reigned',
  'in',
  'the',
  'house',
  ',',
  'the',
  'members',
  'spoke',
  'in',
  'whispers',
  ',',
  'and',
  'the',
  'ordinary',
  'business',
  'was',
  'transacted',
  'with',
  'celerity',
  'and',
  'quietness',
  '.'],
 ...]

WordVectors


In [7]:
loc = "data/"
import bcolz
import pickle
import sys

In [8]:
xtrain = []
xtrain = np.array([i.split() for i in x_train])
xtrain
xvalid = np.array([i.split() for i in x_valid])
xvalid


Out[8]:
array([ list(['It', 'is', 'true,', 'the', 'populace', 'retained', 'themselves;', 'but', 'there', 'arose', 'a', 'perpetual', 'hum', 'and', 'bustle', 'from', 'the', 'throng', 'round', 'the', 'palace,', 'which', 'added', 'to', 'the', 'noise', 'of', 'fireworks,', 'the', 'frequent', 'explosion', 'of', 'arms,', 'the', 'tramp', 'to', 'and', 'fro', 'of', 'horsemen', 'and', 'carriages,', 'to', 'which', 'effervescence', 'he', 'was', 'the', 'focus,', 'retarded', 'his', 'recovery.']),
       list(['In', 'the', 'meantime,', 'however,', 'I', 'had', 'no', 'notion', 'of', 'being', 'thwarted', 'touching', 'the', 'information', 'I', 'desired.']),
       list(['Not', 'for', 'a', 'moment', 'did', 'I', 'believe', 'that', 'the', 'tale', 'had', 'any', 'really', 'substantial', 'foundation;', 'but', 'none', 'the', 'less', 'the', 'account', 'held', 'a', 'hint', 'of', 'genuine', 'terror,', 'if', 'only', 'because', 'it', 'brought', 'in', 'references', 'to', 'strange', 'jewels', 'clearly', 'akin', 'to', 'the', 'malign', 'tiara', 'I', 'had', 'seen', 'at', 'Newburyport.']),
       ...,
       list(['And', 'now', 'my', 'wanderings', 'began', 'which', 'are', 'to', 'cease', 'but', 'with', 'life.']),
       list(['"True;', 'and', 'you', 'will', 'remember', 'an', 'expression', 'attributed', 'almost', 'unanimously,', 'by', 'the', 'evidence,', 'to', 'this', 'voice,', 'the', 'expression,', "'mon", "Dieu'", 'This,', 'under', 'the', 'circumstances,', 'has', 'been', 'justly', 'characterized', 'by', 'one', 'of', 'the', 'witnesses', 'Montani,', 'the', 'confectioner,', 'as', 'an', 'expression', 'of', 'remonstrance', 'or', 'expostulation.']),
       list(['The', 'old', 'deserted', 'Chapman', 'house', 'had', 'inexplicably', 'burned', 'to', 'an', 'amorphous', 'heap', 'of', 'ashes;', 'that', 'we', 'could', 'understand', 'because', 'of', 'the', 'upset', 'lamp.'])], dtype=object)

In [48]:
import pdb
import os
from tensorflow.contrib.learn.python import preprocessing

In [10]:
def load_array(fname):
    return bcolz.open(fname)[:]

In [11]:
vecs = load_array('data/6B.50d.dat')
words = pickle.load(open('data/6B.50d_words.pkl','rb'),encoding='utf8'),
idx = pickle.load(open('data/6B.50d_idx.pkl','rb'),encoding='utf8')

In [24]:
xtrain_fltr = [[i.lower().strip(',.;"') for i in s] for s in xtrain]
xvalid_fltr = [[i.lower().strip(',.";') for i in s] for s in xvalid]

In [ ]:
uniquewords = []
def fetchUnique(li):
    for i in li:
        if not i in uniquewords:
            uniquewords.append(i)
    return uniquewords

In [73]:
p = preprocessing.text.VocabularyProcessor(max_document_length=500)
xtrain_ids = np.array(list(p.fit_transform(x_train)))
xvalid_ids = np.array(list(p.fit_transform(x_valid)))

In [74]:
xtrain_ids.shape,xvalid_ids.shape


Out[74]:
((9789, 500), (9790, 500))

In [102]:
xtrain_ids_v[np.where(xtrain_ids_v > 21000)].size


Out[102]:
0

In [101]:
vocab_size = 21000
xtrain_ids_v = np.array([[i if i<vocab_size else vocab_size-1 for i in s] for s in xtrain_ids])
xvalid_ids_v = np.array([[i if i<vocab_size else vocab_size-1 for i in s] for s in xvalid_ids])

In [11]:
#fi = open("/home/surya/Documents/dataset/kaggle/predict_author/dict.txt","a+")

In [ ]:
# load the GloVe vectors in a dictionary:
indx_len = 0
embeddings_index = {}
f = open('data/glove.840B.300d.txt')
for line in tqdm(f):
    values = line.split()
    word = values[0]
    try:
        coefs = np.asarray(values[1:], dtype='float32')
    except:
        print(values[1:])
    embeddings_index[word] =coefs
    fi.write(str(embeddings_index))
    embeddings_index = {}
    indx_len +=1
    #pdb.set_trace()
f.close()
fi.close()
print('Found %s word vectors.' % indx_len)

In [ ]:


In [ ]:


In [104]:
def sent2vec(s):
    words = str(s).lower()
    words = word_tokenize(words)
    words = [w for w in words if not w in stop_words]
    words = [w for w in words if w.isalpha()]
    M = []
    for w in words:
        try:
            M.append(idx[w])
        except:
            continue
    M = np.array(M)
    return M

# create sentence vectors using the above function for training and validation set
xtrain_glove = [sent2vec(x) for x in x_train]
xvalid_glove = [sent2vec(x) for x in x_valid]
xtrain_glove = np.array(xtrain_glove)
xvalid_glove = np.array(xvalid_glove)

In [104]:
seq_len = 500
#trn_seq = sequence.pad_sequences(xtrain_glove,maxlen=seq_len,value=0.0)
#tst_seq = sequence.pad_sequences(xvalid_glove,maxlen=seq_len,value=0.0)

In [111]:
trn_seq[0]


Out[111]:
array([    0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,     0,     0,     0,     0,
           0,     0,     0,     0,     0,   152, 11044,  1157,  2981,
        1454,  2251,  1914, 16293, 18690,  4643,    79, 30557,   425,
       13853,  8150, 27866,  4184, 15861], dtype=int32)

In [57]:
vecs = np.array(vecs)

In [ ]:
idx2word = {}

In [52]:
def create_emb():
    n_fact = vecs.shape[1]
    emb = np.zeros((vocab_size, n_fact))

    for i in range(1,len(emb)):
        word = idx2word[i]
        if word and re.match(r"^[a-zA-Z0-9\-]*$", word):
            src_idx = idx[word]
            emb[i] = vecs[src_idx]
        else:
            # If we can't find the word in glove, randomly initialize
            emb[i] = normal(scale=0.6, size=(n_fact,))

    # This is our "rare word" id - we want to randomly initialize
    emb[-1] = normal(scale=0.6, size=(n_fact,))
    emb/=3
    return emb

In [60]:
emb = create_emb()


---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
<ipython-input-60-8fc5eb775fd3> in <module>()
----> 1 emb = create_emb()

<ipython-input-52-e4873613094a> in create_emb()
      4 
      5     for i in range(1,len(emb)):
----> 6         word = idx2word[i]
      7         if word and re.match(r"^[a-zA-Z0-9\-]*$", word):
      8             src_idx = idx[word]

NameError: name 'idx2word' is not defined

In [ ]:
vocab_size = 5000
seq_len = 500

LSTM Network for classifying the Author


In [119]:
# we need to binarize the labels for the neural net
#ytrain_enc = np_utils.to_categorical(y_train)
#yvalid_enc = np_utils.to_categorical(y_valid)

In [121]:
# using keras tokenizer here
token = text.Tokenizer(num_words=None)
max_len = 70

token.fit_on_texts(list(xtrain) + list(xvalid))
xtrain_seq = token.texts_to_sequences(x_train)
xvalid_seq = token.texts_to_sequences(x_valid)

# zero pad the sequences
xtrain_pad = sequence.pad_sequences(xtrain_seq, maxlen=max_len)
xvalid_pad = sequence.pad_sequences(xvalid_seq, maxlen=max_len)

word_index = token.word_index

In [124]:
# GRU with glove embeddings and two dense layers
model = Sequential()
model.add(Embedding(len(word_index) + 1,
                     300,
                     input_length=seq_len,
                     trainable=True))
model.add(SpatialDropout1D(0.3))
model.add(GRU(300, dropout=0.3, recurrent_dropout=0.3, return_sequences=True))
model.add(GRU(300, dropout=0.3, recurrent_dropout=0.3))

model.add(Dense(1024, activation='relu'))
model.add(Dropout(0.8))

model.add(Dense(1024, activation='relu'))
model.add(Dropout(0.8))

model.add(Dense(3))
model.add(Activation('softmax'))
model.compile(loss='categorical_crossentropy', optimizer='adam')

# Fit the model with early stopping callback
earlystop = EarlyStopping(monitor='val_loss', min_delta=0, patience=3, verbose=0, mode='auto')
model.fit(trn_seq, y=ytrain_enc, batch_size=512, epochs=100, 
          verbose=1, validation_data=(tst_seq, yvalid_enc), callbacks=[earlystop])


<<!! BUG IN FGRAPH.REPLACE OR A LISTENER !!>> <class 'TypeError'> ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace') mrg_random_make_inplace
ERROR (theano.gof.opt): Optimization failure due to: mrg_random_make_inplace
ERROR:theano.gof.opt:Optimization failure due to: mrg_random_make_inplace
ERROR (theano.gof.opt): node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR:theano.gof.opt:node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR (theano.gof.opt): TRACEBACK:
ERROR:theano.gof.opt:TRACEBACK:
ERROR (theano.gof.opt): Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

ERROR:theano.gof.opt:Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

<<!! BUG IN FGRAPH.REPLACE OR A LISTENER !!>> <class 'TypeError'> ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace') mrg_random_make_inplace
ERROR (theano.gof.opt): Optimization failure due to: mrg_random_make_inplace
ERROR:theano.gof.opt:Optimization failure due to: mrg_random_make_inplace
ERROR (theano.gof.opt): node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR:theano.gof.opt:node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR (theano.gof.opt): TRACEBACK:
ERROR:theano.gof.opt:TRACEBACK:
ERROR (theano.gof.opt): Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

ERROR:theano.gof.opt:Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

<<!! BUG IN FGRAPH.REPLACE OR A LISTENER !!>> <class 'TypeError'> ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace') mrg_random_make_inplace
ERROR (theano.gof.opt): Optimization failure due to: mrg_random_make_inplace
ERROR:theano.gof.opt:Optimization failure due to: mrg_random_make_inplace
ERROR (theano.gof.opt): node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR:theano.gof.opt:node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR (theano.gof.opt): TRACEBACK:
ERROR:theano.gof.opt:TRACEBACK:
ERROR (theano.gof.opt): Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

ERROR:theano.gof.opt:Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

<<!! BUG IN FGRAPH.REPLACE OR A LISTENER !!>> <class 'TypeError'> ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace') mrg_random_make_inplace
ERROR (theano.gof.opt): Optimization failure due to: mrg_random_make_inplace
ERROR:theano.gof.opt:Optimization failure due to: mrg_random_make_inplace
ERROR (theano.gof.opt): node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR:theano.gof.opt:node: mrg_uniform{TensorType(float32, 3D),no_inplace}(<TensorType(int32, matrix)>, <TensorType(int64, vector)>)
ERROR (theano.gof.opt): TRACEBACK:
ERROR:theano.gof.opt:TRACEBACK:
ERROR (theano.gof.opt): Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

ERROR:theano.gof.opt:Traceback (most recent call last):
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/opt.py", line 2022, in process_node
    remove=remove)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 391, in replace_all_validate_remove
    chk = fgraph.replace_all_validate(replacements, reason)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/toolbox.py", line 340, in replace_all_validate
    fgraph.replace(r, new_r, reason=reason, verbose=False)
  File "/home/surya/DL/lib/python3.5/site-packages/theano/gof/fg.py", line 481, in replace
    str(reason))
TypeError: ('The type of the replacement must be compatible with the type of the original Variable.', mrg_uniform{TensorType(float32, 3D),no_inplace}.1, mrg_uniform{TensorType(float32, 3D),inplace}.1, TensorType(float32, (False, True, False)), TensorType(float32, 3D), 'mrg_random_make_inplace')

Train on 9789 samples, validate on 9790 samples
Epoch 1/100
---------------------------------------------------------------------------
IndexError                                Traceback (most recent call last)
~/DL/lib/python3.5/site-packages/theano/compile/function_module.py in __call__(self, *args, **kwargs)
    883             outputs =\
--> 884                 self.fn() if output_subset is None else\
    885                 self.fn(output_subset=output_subset)

IndexError: index 31671 is out of bounds for size 25944

During handling of the above exception, another exception occurred:

IndexError                                Traceback (most recent call last)
<ipython-input-124-726a57a593fc> in <module>()
     22 earlystop = EarlyStopping(monitor='val_loss', min_delta=0, patience=3, verbose=0, mode='auto')
     23 model.fit(trn_seq, y=ytrain_enc, batch_size=512, epochs=100, 
---> 24           verbose=1, validation_data=(tst_seq, yvalid_enc), callbacks=[earlystop])

~/DL/lib/python3.5/site-packages/keras/models.py in fit(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, **kwargs)
    891                               class_weight=class_weight,
    892                               sample_weight=sample_weight,
--> 893                               initial_epoch=initial_epoch)
    894 
    895     def evaluate(self, x, y, batch_size=32, verbose=1,

~/DL/lib/python3.5/site-packages/keras/engine/training.py in fit(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, **kwargs)
   1629                               initial_epoch=initial_epoch,
   1630                               steps_per_epoch=steps_per_epoch,
-> 1631                               validation_steps=validation_steps)
   1632 
   1633     def evaluate(self, x=None, y=None,

~/DL/lib/python3.5/site-packages/keras/engine/training.py in _fit_loop(self, f, ins, out_labels, batch_size, epochs, verbose, callbacks, val_f, val_ins, shuffle, callback_metrics, initial_epoch, steps_per_epoch, validation_steps)
   1211                     batch_logs['size'] = len(batch_ids)
   1212                     callbacks.on_batch_begin(batch_index, batch_logs)
-> 1213                     outs = f(ins_batch)
   1214                     if not isinstance(outs, list):
   1215                         outs = [outs]

~/DL/lib/python3.5/site-packages/keras/backend/theano_backend.py in __call__(self, inputs)
   1221     def __call__(self, inputs):
   1222         assert isinstance(inputs, (list, tuple))
-> 1223         return self.function(*inputs)
   1224 
   1225 

~/DL/lib/python3.5/site-packages/theano/compile/function_module.py in __call__(self, *args, **kwargs)
    896                     node=self.fn.nodes[self.fn.position_of_error],
    897                     thunk=thunk,
--> 898                     storage_map=getattr(self.fn, 'storage_map', None))
    899             else:
    900                 # old-style linkers raise their own exceptions

~/DL/lib/python3.5/site-packages/theano/gof/link.py in raise_with_op(node, thunk, exc_info, storage_map)
    323         # extra long error message in that case.
    324         pass
--> 325     reraise(exc_type, exc_value, exc_trace)
    326 
    327 

~/DL/lib/python3.5/site-packages/six.py in reraise(tp, value, tb)
    690                 value = tp()
    691             if value.__traceback__ is not tb:
--> 692                 raise value.with_traceback(tb)
    693             raise value
    694         finally:

~/DL/lib/python3.5/site-packages/theano/compile/function_module.py in __call__(self, *args, **kwargs)
    882         try:
    883             outputs =\
--> 884                 self.fn() if output_subset is None else\
    885                 self.fn(output_subset=output_subset)
    886         except Exception:

IndexError: index 31671 is out of bounds for size 25944
Apply node that caused the error: AdvancedSubtensor1(embedding_4/embeddings, Elemwise{Cast{int32}}.0)
Toposort index: 163
Inputs types: [TensorType(float32, matrix), TensorType(int32, vector)]
Inputs shapes: [(25944, 300), (256000,)]
Inputs strides: [(1200, 4), (4,)]
Inputs values: ['not shown', 'not shown']
Outputs clients: [[Reshape{3}(AdvancedSubtensor1.0, MakeVector{dtype='int64'}.0)]]

Backtrace when the node is created(use Theano flag traceback.limit=N to make it longer):
  File "/home/surya/DL/lib/python3.5/site-packages/IPython/core/interactiveshell.py", line 2728, in run_cell
    interactivity=interactivity, compiler=compiler, result=result)
  File "/home/surya/DL/lib/python3.5/site-packages/IPython/core/interactiveshell.py", line 2850, in run_ast_nodes
    if self.run_code(code, result):
  File "/home/surya/DL/lib/python3.5/site-packages/IPython/core/interactiveshell.py", line 2910, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-124-726a57a593fc>", line 6, in <module>
    trainable=True))
  File "/home/surya/DL/lib/python3.5/site-packages/keras/models.py", line 442, in add
    layer(x)
  File "/home/surya/DL/lib/python3.5/site-packages/keras/engine/topology.py", line 603, in __call__
    output = self.call(inputs, **kwargs)
  File "/home/surya/DL/lib/python3.5/site-packages/keras/layers/embeddings.py", line 134, in call
    out = K.gather(self.embeddings, inputs)
  File "/home/surya/DL/lib/python3.5/site-packages/keras/backend/theano_backend.py", line 484, in gather
    y = reference[indices]

HINT: Use the Theano flag 'exception_verbosity=high' for a debugprint and storage map footprint of this apply node.