import numpy as np
import pandas as pd
import seaborn as sns
import matplotlib.pyplot as plt
from numpy.random import normal, exponential, randn, rand, random_sample
# Custom color palette
from cycler import cycler
colors = ["#e69f00", "#56b4e9", "#009e73", "#d55e00", "#cc799c"]
plt.rc("axes", prop_cycle=cycler("color", colors))
x = randn(1000)
bins = np.linspace(-10, 10)
plt.hist(x, bins=bins, density=True)
plt.show()
sns.distplot(x)
plt.savefig("figs/sns_distplot.png")
plt.show()
sns.kdeplot(x, cumulative=True)
plt.xlim(-10, 10)
plt.show()
x = np.array([1, 2, 3, 4])
y = x**2
plt.plot(x, y)
plt.show()
df = pd.DataFrame({"x": x, "y":y})
df.plot("x", "y")
plt.show()
from pandas.plotting import register_matplotlib_converters
register_matplotlib_converters()
np.random.seed(33)
time = pd.date_range('2000-1-1', periods=150, freq='B')
price = pd.Series(100+randn(150).cumsum(), index=time)
avg = price.rolling(20).mean()
std = price.rolling(20).std()
plt.plot(price.index, price, 'k')
plt.plot(avg.index, avg, 'b')
plt.fill_between(std.index, avg-2*std, avg+2*std, color='b', alpha=0.2)
plt.ylabel("Price")
plt.savefig("figs/plt_moving_average.png")
plt.show()
x = np.arange(0, 2*np.pi, 0.1)
yerr = 0.3
noise = yerr * np.random.randn(*x.shape)
y = np.sin(x) + noise
plt.errorbar(x, y, yerr=yerr, fmt="o")
plt.savefig("figs/plt_errorbar.png")
plt.show()
x = randn(1000)
y = exponential(1, 1000)
z = 15 - exponential(1, 1000)
plt.scatter(x, y, label="y")
plt.scatter(x, z, label="z")
plt.legend()
plt.savefig("figs/plt_scatter.png")
x = randn(1000)
y = exponential(size=1000)
hist = plt.hist2d(x, y)
plt.xlabel("x")
plt.ylabel("y")
plt.show()
x, y = randn(2, 10000)
sns.jointplot(x, y, kind="hex", color="k")
path = "figs/python.png"
img = plt.imread(path)
fig1 = plt.imshow(img)
plt.savefig("figs/plt_imshow.png")
plt.show()
data = rand(*img.shape)
data[img > 0.95] = 1
fig = plt.imshow(data)
plt.show()
mus = 0, 1.5, 2.2
data = [normal(mu, 1, 1000) for mu in mus]
plt.violinplot(data, positions=mus)
plt.xlabel(r"$\mu$")
plt.show()
tips = sns.load_dataset("tips")
tips["percent"] = tips.tip / tips.total_bill
sns.violinplot("day", "percent", "sex", data=tips, split=True, palette=["#e69f00", "#56b4e9"], saturation=1, linewidth=1)
plt.savefig("figs/sns_violin.png")
plt.show()
bottom = 0
for sex, df in tips.groupby("sex", sort=False):
df = df.groupby("day")["tip"].mean().reset_index()
plt.bar(df["day"], df["tip"], 0.8, bottom, label=sex)
bottom = df["tip"]
plt.legend()
plt.savefig("figs/plt_bar.png")
import folium
m = folium.Map(location=[47.3686, 8.5391])
m
import pandas as pd
url = 'https://raw.githubusercontent.com/python-visualization/folium/master/examples/data'
state_geo = f'{url}/us-states.json'
state_unemployment = f'{url}/US_Unemployment_Oct2012.csv'
state_data = pd.read_csv(state_unemployment)
m = folium.Map(location=[48, -102], zoom_start=3)
folium.Choropleth(
geo_data=state_geo,
name='choropleth',
data=state_data,
columns=['State', 'Unemployment'],
key_on='feature.id',
fill_color='YlGn',
fill_opacity=0.7,
line_opacity=0.2,
legend_name='Unemployment Rate (%)'
).add_to(m)
folium.LayerControl().add_to(m)
m
import geopandas
geopandas.datasets.available
['naturalearth_cities', 'naturalearth_lowres', 'nybb']
world = geopandas.read_file(geopandas.datasets.get_path('naturalearth_lowres'))
world.head()
pop_est | continent | name | iso_a3 | gdp_md_est | geometry | |
---|---|---|---|---|---|---|
0 | 920938 | Oceania | Fiji | FJI | 8374.0 | (POLYGON ((180 -16.06713266364245, 180 -16.555... |
1 | 53950935 | Africa | Tanzania | TZA | 150600.0 | POLYGON ((33.90371119710453 -0.950000000000000... |
2 | 603253 | Africa | W. Sahara | ESH | 906.5 | POLYGON ((-8.665589565454809 27.65642588959236... |
3 | 35623680 | North America | Canada | CAN | 1674000.0 | (POLYGON ((-122.84 49.00000000000011, -122.974... |
4 | 326625791 | North America | United States of America | USA | 18560000.0 | (POLYGON ((-122.84 49.00000000000011, -120 49.... |
world.plot()
<matplotlib.axes._subplots.AxesSubplot at 0x7f991a529438>
world.columns
Index(['pop_est', 'continent', 'name', 'iso_a3', 'gdp_md_est', 'geometry'], dtype='object')
fig = plt.figure(figsize=(20, 5))
ax = fig.gca()
world = world[(world.pop_est>0) & (world.name!="Antarctica")]
world['gdp_per_cap'] = world.gdp_md_est / world.pop_est
world.plot(column='gdp_per_cap', ax=ax, legend=True, cmap="OrRd")
plt.savefig("figs/geopandas_gdp_per_cap.png")
plt.show()
fig = plt.figure(figsize=(20, 5))
ax = fig.gca()
cities = geopandas.read_file(geopandas.datasets.get_path('naturalearth_cities'))
world.plot(color='white', edgecolor='black', ax=ax)
cities.plot(ax=ax, marker='*', color='green', markersize=5)
<matplotlib.axes._subplots.AxesSubplot at 0x7f98d7a554e0>
import noise
pnoise2 = np.vectorize(noise.pnoise2)
x = np.arange(-3, 3, 0.1)
y = np.arange(-3, 3, 0.1)
X, Y = np.meshgrid(x, y)
z = pnoise2(X, Y)
plt.contour(X, Y, z)
plt.savefig("figs/plt_contour.png")
plt.show()
plt.contourf(X, Y, z, 20, cmap='RdGy')
plt.savefig("figs/plt_contourf.png")
plt.show()
from mpl_toolkits.mplot3d import Axes3D
fig = plt.figure()
ax = fig.add_subplot(111, projection='3d')
cmap = plt.cm.viridis
x_, y_, z_ = X.flatten(), Y.flatten(), z.flatten()
surf = ax.plot_trisurf(x_, y_, z_, cmap=cmap)
plt.colorbar(surf)
plt.savefig("figs/plt_trisurf.png")
plt.show()
import ternary
fig, tax = ternary.figure(scale=100)
fig.set_size_inches(5, 5)
k, n = 100, 50
a = k * rand(n); b = (k - a) * rand(n)
c = k - a - b
tax.scatter(np.array([[a, b, c]]))
tax.scatter([[20, 35, 45]])
tax.right_corner_label("A")
tax.top_corner_label("B")
tax.left_corner_label("C")
tax.left_axis_label("c [%]")
tax.right_axis_label("b [%]")
tax.bottom_axis_label("a [%]")
tax.gridlines(multiple=20, color="gray")
tax.ticks(axis='lbr', multiple=20)
tax.boundary(linewidth=1)
tax.get_axes().axis('off')
tax.savefig("figs/ternary.png")
tax.show()
planets = sns.load_dataset("planets")
cmap = sns.cubehelix_palette(rot=-.2, as_cmap=True)
ax = sns.scatterplot(x="distance", y="orbital_period",
hue="year", size="mass",
palette=cmap, sizes=(10, 200),
data=planets)
plt.savefig("figs/sns_scatterplot.png")
plt.show()
from pandas.plotting import parallel_coordinates
iris = pd.read_csv("data/iris.csv")
parallel_coordinates(iris, "Name")
plt.show()
from math import pi
# Set data
df = pd.DataFrame({
'group': ['A','B','C','D'],
'var1': [38, 1.5, 30, 4],
'var2': [29, 10, 9, 34],
'var3': [8, 39, 23, 24],
'var4': [7, 31, 33, 14],
'var5': [28, 15, 32, 14]
})
# ------- PART 1: Define a function that do a plot for one line of the dataset!
def make_spider(row, title, color):
# number of variable
categories = list(df)[1:]
N = len(categories)
# What will be the angle of each axis in the plot? (we divide the plot / number of variable)
angles = [n / float(N) * 2 * pi for n in range(N)]
angles += angles[:1]
# Initialise the spider plot
ax = plt.subplot(2,2,row+1, polar=True, )
# If you want the first axis to be on top:
ax.set_theta_offset(pi / 2)
ax.set_theta_direction(-1)
# Draw one axe per variable + add labels labels yet
plt.xticks(angles[:-1], categories, color='grey', size=8)
# Draw ylabels
ax.set_rlabel_position(0)
plt.yticks([10,20,30], ["10","20","30"], color="grey", size=7)
plt.ylim(0,40)
# Ind1
values=df.loc[row].drop('group').values.flatten().tolist()
values += values[:1]
ax.plot(angles, values, color=color, linewidth=2, linestyle='solid')
ax.fill(angles, values, color=color, alpha=0.4)
# Add a title
plt.title(title, size=11, color=color, y=1.1)
# ------- PART 2: Apply to all individuals
# initialize the figure
my_dpi=96
plt.figure(figsize=(1000/my_dpi, 1000/my_dpi), dpi=my_dpi)
# Create a color palette:
my_palette = plt.cm.get_cmap("Set2", len(df.index))
# Loop to plot
for row in range(0, len(df.index)):
make_spider( row=row, title='group '+df['group'][row], color=my_palette(row))
plt.savefig("figs/plt_radar.png")
iris.columns
Index(['SepalLength', 'SepalWidth', 'PetalLength', 'PetalWidth', 'Name'], dtype='object')
sns.pairplot(iris, diag_kind="kde", hue="Name")
plt.savefig("figs/sns_pairplot.png")
plt.show()
plt.style.available
['fast', 'tableau-colorblind10', 'seaborn-paper', 'seaborn-deep', 'grayscale', 'seaborn-colorblind', 'seaborn-poster', 'Solarize_Light2', 'seaborn-white', 'fivethirtyeight', 'seaborn', 'seaborn-whitegrid', 'seaborn-dark', 'bmh', 'dark_background', 'seaborn-ticks', 'seaborn-talk', '_classic_test', 'seaborn-muted', 'seaborn-darkgrid', 'seaborn-dark-palette', 'seaborn-notebook', 'seaborn-bright', 'seaborn-pastel', 'ggplot', 'classic', 'LHCb']
with plt.style.context('ggplot'):
plt.plot(x, y)
plt.savefig("figs/plt_line_ggplot.pdf")
plt.show()
# plt.style.use("LHCb")
# with plt.style.context('LHCb'):
# plt.plot(x, y)
# plt.savefig("figs/plt_line_lhcb.pdf")
# plt.show()
np.random.seed(42)
x = np.arange(0, 10, 0.01)
y = np.random.randn(len(x)).cumsum()
d = np.diff(y)
plt.subplot?
plt.subplot(2, 2, 1)
plt.plot(x, y)
plt.subplot(224)
plt.hist(d, bins=20, density=True)
plt.savefig("figs/plt_subplot.png")
plt.show()
plt.subplots?
fig, axes = plt.subplots(2, 2)
axes[0,0].plot(x, y)
axes[1,1].hist(d, bins=20, density=True)
plt.savefig("figs/plt_subplots.png")
plt.show()
plt.plot(x, y)
plt.axes([0.2, .6, .2, .2])
plt.hist(d, bins=20, density=True)
plt.xticks([])
plt.yticks([])
plt.savefig("figs/plt_pip.png")
plt.show()
plt.figure()
x = np.linspace(-5, 5)
y = 2*x + 3
y2 = x**2
ax1 = plt.gca()
ax1.plot(x, y)
ax1.set_ylabel("Linear")
ax2 = ax1.twinx()
ax2.plot(x, y2)
ax2.set_ylabel("Quadratic")
plt.savefig("figs/plt_twinx.png")
plt.show()
import networkx as nx
import nltk
from nltk.util import ngrams
import matplotlib
from collections import Counter, defaultdict
from operator import itemgetter
G = nx.cubical_graph()
nx.draw(G)
plt.savefig("figs/networkx_cubical.png")
plt.show()
/usr/local/lib/python3.6/dist-packages/networkx/drawing/nx_pylab.py:579: MatplotlibDeprecationWarning: The iterable function was deprecated in Matplotlib 3.1 and will be removed in 3.3. Use np.iterable instead. if not cb.iterable(width):
ignore = {",", ".", "``", "''", "'", "'s", "?", "!", "-", "--", "...", ";"}
def get_words(file_name, encoding="utf-8"):
with open(file_name, encoding=encoding) as f:
for line in f:
if not line:
continue
for word in nltk.word_tokenize(line.strip()):
if word not in ignore:
yield word.lower()
words = list(get_words("data/Harry Potter and the Sorcerer.txt", 'iso-8859-1'))
counter = Counter(words)
w, c = zip(*counter.most_common(15))
c = np.array(c) / len(words) * 100.
plt.plot(w, c)
plt.ylabel("Relative frequency [%]")
plt.show()
words = list(filter(lambda word: len(word) > 3, get_words("data/Harry Potter and the Sorcerer.txt", 'iso-8859-1')))
counter = Counter(words)
from itertools import islice
$\phi=\frac{n_{11}n_{00}-n_{10}n_{01}}{\sqrt{n_{1\cdot}n_{0\cdot}n_{\cdot0}n_{\cdot1}}}$
def phi(word1, word2, counter, digram_graph):
n1tot =
n11 = digram_graph[word1][word2]
n00 = sum(counter.values()) -
g = nx.Graph()
g.add_nodes_from((word, {"size": freq}) for word, freq in counter.items())
digram_graph = defaultdict(Counter)
for word1, word2 in ngrams(words, 2):
digram_graph[word1][word2] += 1
digram_graph[word2][word1] += 1
digrams = Counter(tuple(sorted(x)) for x in ngrams(words, 2)).items()
g.add_edges_from((*pair, {"weight": freq / counter[pair[0]]}) for pair, freq in digrams)
digram_graph
defaultdict(collections.Counter, {'harry': Counter({'potter': 40, 'their': 3, 'dursley': 1, 'called': 7, 'come': 5, 'never': 13, 'howard': 1, 'nasty': 3, 'could': 48, 'kill': 3, 'heaven': 1, 'survive': 1, 'bring': 1, 'aunt': 2, 'sweets': 1, 'known': 2, 'about': 9, 'every': 1, 'hiding': 1, 'underneath': 1, 'took': 8, 'arms': 2, 'over': 5, 'gave': 4, 'little': 3, 'live': 1, 'laid': 1, 'gently': 1, 'inside': 4, 'blankets': 1, 'luck': 3, 'murmured': 2, 'happen': 1, 'voices': 1, 'house': 3, 'noise': 1, 'woke': 4, 'screeched': 1, 'heard': 11, 'said': 163, 'well': 6, 'birthday': 2, 'groaned': 1, 'forgotten': 2, 'slowly': 3, 'them': 14, 'used': 1, 'mystery': 1, 'dudley': 8, 'punching': 2, 'catch': 3, 'look': 8, 'cupboard': 3, 'always': 2, 'than': 3, 'thin': 1, 'thing': 4, 'liked': 1, 'kitchen': 1, 'turning': 2, 'that': 37, 'needed': 1, 'haircut': 1, 'must': 5, 'place': 1, 'frying': 1, 'angel': 1, 'often': 1, 'like': 8, 'plates': 1, 'face': 9, 'while': 3, 'uncle': 2, 'head': 8, 'direction': 2, 'horror': 4, 'heart': 5, 'year': 2, 'left': 8, 'away': 7, 'hated': 2, 'furiously': 3, 'though': 9, 'this': 12, 'knew': 11, 'here': 6, 'hopefully': 1, 'they': 12, 'shot': 1, 'later': 4, 'taken': 4, 'aside': 2, 'close': 4, 'warning': 2, 'honestly..': 1, 'around': 8, 'just': 13, 'tired': 1, 'coming': 2, 'silly': 1, 'spent': 3, 'would': 10, 'relief': 2, 'punished': 1, 'much': 3, 'surprise': 3, 'from': 7, 'headmistress': 1, 'been': 7, 'doors': 1, 'supposed': 2, 'work': 1, 'council': 2, 'bank': 2, 'were': 15, 'remembering': 2, 'yelled': 4, 'only': 6, 'asked': 24, 'what': 21, 'either': 1, 'thought': 24, 'blond': 1, 'best': 4, 'another': 6, 'allowed': 2, 'first': 4, 'felt': 24, 'moved': 5, 'with': 20, 'winked': 2, 'stared': 10, 'know': 17, 'anyway': 4, 'glass': 1, 'peered': 2, 'again': 4, 'read': 4, 'behind': 4, 'made': 7, 'ribs': 1, 'fell': 4, 'gasped': 10, 'past': 2, 'gibber': 1, 'seen': 4, 'worst': 1, 'least': 1, 'enough': 2, 'talking': 1, 'starting': 2, 'angry': 2, 'brandy': 1, 'dark': 2, 'younger': 1, 'dreamed': 1, 'asking': 1, 'second': 3, 'tried': 11, 'school': 5, 'everybody': 1, 'earned': 1, 'longest-ever': 1, 'crutches': 1, 'glad': 2, 'sport': 1, 'hunting': 1, 'there': 12, 'other': 7, 'told': 18, 'want': 6, 'poor': 1, 'leaving': 2, 'mrs.': 1, 'before': 7, 'watch': 4, 'grown-up': 1, 'trust': 1, 'when': 16, 'went': 11, 'looked': 25, 'finished': 3, 'seriously': 1, 'uniform': 1, 'make': 4, 'mail': 4, 'dodged': 3, 'letter': 5, 'harry': 32, 'picked': 5, 'trembling': 1, 'purple': 1, 'joke': 1, 'suddenly': 10, 'something': 7, 'point': 1, 'trying': 5, 'envelope': 1, 'move': 3, 'both': 3, 'glasses': 2, 'visited': 1, 'moment': 2, 'angrily': 1, 'painful': 1, 'questions': 2, 'trip': 1, 'sighed': 1, 'back': 13, 'thinking': 1, 'nice': 1, 'hall': 2, 'right': 8, 'grabbed': 3, 'wheezed': 1, 'walked': 5, 'morning': 2, 'turned': 11, 'door': 5, 'leapt': 2, 'realized': 3, 'exactly': 1, 'shouted': 4, 'shuffled': 1, 'vernon': 2, 'arrived': 3, 'letters': 1, 'found': 5, 'amazement': 4, 'ducked': 1, 'seized': 3, 'shared': 1, 'snored': 1, 'stayed': 1, 'cokeworth': 1, 'reminded': 4, 'tuesday': 1, 'eleventh': 1, 'privately': 2, 'eleven': 1, 'minutes': 3, 'shivered': 3, 'bolt': 1, 'giant': 1, 'squashed': 1, 'opened': 3, 'written': 1, 'icing': 1, 'shook': 8, 'whole': 1, 'light': 3, 'sausages': 1, 'hungry': 2, 'hagrid': 16, 'sorry': 4, 'anything': 6, 'wildly': 1, 'fixing': 1, 'eagerly': 2, 'wizard': 3, 'stretched': 1, 'given': 3, 'telephone': 1, 'interested': 1, 'gone': 3, 'scandal': 1, 'happened': 1, 'gargoyles': 1, 'people': 1, 'down': 6, 'suggested': 3, 'days': 1, 'famous': 2, 'ever': 3, 'going': 4, 'mind': 5, 'jumped': 6, 'floor': 4, 'meanwhile': 1, 'question': 2, 'disappeared': 2, 'eyes': 8, 'instead': 1, 'constrictor': 1, 'curly': 1, 'under': 3, 'threw': 4, 'alley': 1, 'mumbled': 2, 'beak': 1, 'scrambled': 2, 'loudly': 4, 'finally': 2, 'pulled': 9, 'ones': 1, 'counted': 1, 'held': 1, 'lots': 1, 'goblins': 2, 'dropped': 2, 'gringotts': 3, 'then': 9, 'followed': 4, 'boat': 1, 'still': 6, 'giving': 3, 'eager': 1, 'summat': 1, 'prophet': 1, 'learned': 2, 'magic': 2, 'blimey': 2, 'everyone': 2, 'station': 4, 'things': 2, 'panting': 1, 'bills': 1, 'stitches': 1, 'need': 4, 'unfolded': 1, 'london': 2, 'wondered': 3, 'easily': 1, 'keep': 4, 'cooked': 1, 'unbelievable': 1, 'pointed': 2, 'fact': 1, 'most': 1, 'hand': 5, 'shoulder': 1, 'making': 1, 'knees': 3, 'peering': 1, 'bartender': 1, 'toward': 2, 'dedalus': 1, 'remembers': 1, 'professor': 4, 'grasping': 1, 'himself': 3, 'doris': 1, 'grinned': 4, 'hags': 1, 'tapped': 1, 'archway': 1, 'wished': 4, 'instruments': 1, 'swarthy': 1, 'beard': 2, 'noticed': 9, 'outta': 2, 'nose': 5, 'watched': 5, 'pockets': 1, 'thirteen': 1, 'expected': 2, 'passages': 1, 'steering': 1, 'cleared': 1, 'incredible': 1, 'cost': 1, 'helped': 3, 'pile': 1, 'ravine': 1, 'leaned': 6, 'vault': 2, 'sure': 5, 'coat': 1, 'longed': 1, 'listen': 2, 'sick': 2, 'entered': 2, 'started': 4, 'stood': 5, 'stool': 1, 'father': 1, 'somehow': 2, 'strongly': 2, 'play': 2, 'quidditch': 1, 'feeling': 3, 'wishing': 1, 'grinning': 1, 'pointing': 7, 'pleased': 3, 'liking': 1, 'coldly': 1, 'shortly': 1, 'dear': 2, 'drawling': 1, 'rather': 1, 'nothing': 1, 'lied': 1, 'quills': 1, 'cheered': 2, 'gloomily': 1, 'bought': 2, 'drag': 2, 'solid': 1, 'ingredients': 1, 'checked': 1, 'list': 1, 'present': 1, 'carried': 1, 'wait': 1, 'voice': 2, 'awkwardly': 1, 'soon': 3, 'closer': 1, 'scar': 5, 'forehead': 5, 'quickly': 6, 'hold': 1, 'measured': 1, 'wand': 4, 'wave': 1, 'whippy': 1, 'springy': 1, 'supple': 1, 'curious': 1, 'fixed': 2, 'swallowed': 4, 'great': 3, 'hung': 2, 'empty': 1, 'speak': 3, 'cage': 1, 'hamburger': 1, 'kept': 4, 'very': 3, 'worry': 4, 'learn': 1, 'train': 4, 'wanted': 2, 'three-quarters': 1, 'last': 2, 'scared': 2, 'shut': 2, 'sleep': 4, 'ticked': 1, 'grunt': 1, 'realizing': 1, 'smeltings': 1, 'huge': 1, 'next': 4, 'dumped': 1, 'trunk': 3, 'word': 1, 'laughing': 2, 'mouth': 3, 'being': 2, 'desperate': 1, 'wasters': 1, 'course': 3, 'swung': 3, 'front': 2, 'hammering': 1, 'pushed': 5, 'nine': 2, 'excuse': 1, 'kindly': 1, 'nodded': 5, "o'clock": 1, 'seats': 1, 'hairy': 1, 'pressed': 1, 'please': 3, 'panted': 4, 'help': 2, 'pushing': 1, 'lightning': 1, 'added': 3, 'mean': 2, 'gawked': 1, 'twins': 2, 'robes': 2, 'boys': 1, 'waved': 3, 'window': 2, 'opposite': 1, 'everywhere': 2, 'full': 1, 'glanced': 3, 'really': 4, 'blurted': 1, 'remember': 1, 'moments': 1, 'think': 6, 'dears': 1, 'breakfast': 1, 'sandwiches': 1, 'brought': 3, 'taking': 2, 'holding': 3, 'through': 4, 'pasties': 1, 'these': 1, 'ptolemy': 1, 'unwrapped': 1, 'tell': 3, 'thanks': 3, 'bowling': 1, 'weird': 1, 'cards': 1, 'warned': 4, 'beans': 1, 'toast': 1, 'round-faced': 1, 'passed': 2, 'fast': 1, 'muttered': 6, 'gryffindor': 5, 'wondering': 1, 'confessed': 1, 'recognized': 2, 'looking': 10, 'where': 6, 'shake': 1, 'take': 2, 'more': 2, 'explained': 1, 'separately': 1, 'stomach': 1, 'platform': 1, 'students': 1, 'shore': 1, 'nervously': 1, 'chamber': 1, 'joking': 1, 'lead': 2, 'into': 5, 'heavens': 1, 'rabbit': 1, 'whispered': 14, 'troll': 2, 'smiled': 1, 'alot': 1, 'feel': 2, 'table': 3, 'ghost': 2, 'cheers': 1, 'perhaps': 2, 'imagination': 1, 'sometimes': 1, 'line': 1, 'struck': 2, 'horrible': 2, 'stepped': 2, 'shall': 1, 'gripped': 1, 'sudden': 2, 'thumbs': 1, 'dumbledore': 5, 'ghosts': 1, 'spotted': 3, 'joined': 3, 'green': 1, 'crossed': 1, 'clapped': 2, 'across': 3, 'zabini': 1, 'potatoes': 1, 'starved': 1, 'piled': 1, 'watching': 2, 'steak': 1, 'malfoy': 7, 'pudding': 1, 'toad': 1, 'ouch': 1, 'gotten': 3, 'snape': 4, 'death': 1, 'laughed': 2, 'staircase': 1, 'legs': 2, 'feet': 5, 'sheets': 1, 'eaten': 1, 'destiny': 1, 'staring': 2, 'filch': 1, 'managed': 3, 'reached': 2, 'name': 2, 'different': 1, 'important': 1, 'today': 1, 'onto': 2, 'plate': 2, 'tore': 1, 'borrowed': 1, 'banquet': 2, 'dislike': 1, 'paused': 1, 'softly': 1, 'speech': 1, 'exchanged': 1, 'seat': 1, 'have': 4, 'forced': 1, 'quietly': 2, 'caught': 6, 'rounded': 2, 'knocked': 2, 'teeth': 1, 'pretended': 1, 'knee': 1, 'puts': 1, 'should': 4, 'animals': 1, 'dragons': 1, 'afternoon': 3, 'remembered': 2, 'meet': 1, 'cake': 1, 'refuse': 1, 'chapter': 1, 'duel': 1, 'darkly': 1, 'single': 1, 'ground': 4, 'hurry': 2, 'broom': 6, 'grips': 1, 'wrist': 1, 'trouble': 3, 'ignored': 1, 'worried': 1, 'time': 5, 'fist': 1, 'follow': 1, 'trotting': 1, 'bewildered': 1, 'curiously': 1, 'dinnertime': 1, 'shoveling': 1, 'gaped': 1, 'start': 2, 'hurried': 1, 'good': 1, 'wood': 3, 'coolly': 1, 'spoke': 2, 'good-bye': 1, 'perfect': 1, 'norris': 1, 'lamp': 2, 'sharply': 1, 'fine': 1, 'bogies': 1, 'hissed': 2, 'turn': 1, 'room': 4, 'jump': 1, 'horror-struck': 1, 'mouthed': 1, 'castle': 1, 'lost': 2, 'realize': 1, 'tipped': 1, 'locked': 1, 'sleeve': 2, 'bathrobe': 1, 'meant': 1, 'groped': 1, 'backward': 1, 'slammed': 1, 'portrait': 1, 'meantime': 1, 'filled': 1, 'such': 1, 'owls': 1, 'parcel': 2, 'ripped': 1, 'mcgonagall': 2, 'difficulty': 1, 'comets': 1, 'beaming': 1, 'fighting': 1, 'headed': 2, 'true': 1, 'chortled': 1, 'package': 1, 'stop': 1, 'bedspread': 1, 'even': 4, 'nearer': 1, 'mounted': 1, 'landed': 2, 'chasers': 1, 'repeated': 1, 'score': 1, 'recited': 1, 'determined': 1, 'handed': 2, 'small': 1, 'showed': 3, 'identical': 1, 'quaffle': 1, 'bent': 1, 'straight': 1, 'team': 1, 'reeled': 1, 'anyone': 1, 'miss': 1, 'homework': 1, 'practice': 2, 'partner': 1, 'since': 2, 'broomstick': 1, 'difficult': 1, 'seamus': 1, 'fire': 4, 'wrong': 1, 'hermione': 36, 'feast': 1, 'overheard': 1, 'hufflepuffs': 1, 'pulling': 2, 'doing': 1, 'sniffed': 1, 'lock': 1, 'leap': 1, 'bathroom': 1, 'panic': 1, 'confuse': 1, 'hesitated': 1, 'escape': 1, 'hanging': 1, 'clinging': 1, 'tremble': 1, 'swift': 1, 'dead': 2, 'stuck': 1, 'speechless': 1, 'saturday': 1, 'weapon': 1, 'hermlone': 1, 'saved': 1, 'yard': 1, 'limping': 1, 'ages': 1, 'rule': 1, 'evening': 2, 'checking': 1, 'charms': 1, 'together': 1, 'idea': 3, 'once': 2, 'hide': 1, 'gulped': 1, 'whisper': 2, 'guarding': 1, 'field': 1, 'rest': 1, 'clambered': 1, 'above': 1, 'gliding': 1, 'scored': 1, 'done': 3, 'faster': 1, 'blocked': 1, 'purpose': 2, 'possession': 1, 'riders': 1, 'thinks': 1, 'jerk': 1, 'muttering': 1, 'pull': 1, 'safely': 1, 'speeding': 1, 'difference': 1, 'broken': 1, 'sixty': 1, 'decided': 1, 'cried': 1, 'chuckled': 1, 'measuring': 1, 'replacing': 1, 'seeker': 1, 'impressed': 1, 'taunting': 1, 'holidays': 1, 'signed': 1, 'working': 1, 'random': 1, 'wandered': 1, 'madam': 1, 'story': 1, 'waited': 1, 'teaching': 1, 'played': 1, 'christmas': 1, 'sleepily': 1, 'will': 1, 'blew': 1, 'fascinated': 1, 'sweater': 3, 'torn': 1, 'signature': 1, 'bounded': 1, 'stuffed': 1, 'weasley': 1, 'better': 1, 'slice': 1, 'cheek': 1, 'dinner': 1, 'weasleys': 1, 'broke': 1, 'four-poster': 1, 'wake': 1, 'lady': 1, 'eerie': 1, 'languages': 1, 'neck': 3, 'screaming': 1, 'snapped': 1, 'slipped': 1, 'section': 1, 'others': 1, 'mine': 1, 'knobbly': 1, 'feared': 1, 'retracing': 1, 'route': 1, 'cold': 2, 'open': 1, 'sight': 4, 'excitedly': 1, 'chess': 1, 'serious': 1, 'happily': 1, 'sank': 2, 'relieved': 1, 'shows': 1, 'tomorrow': 1, 'socks': 1, 'convinced': 1, 'breaks': 1, 'fanatic': 1, 'wanting': 1, 'hear': 1, 'choked': 2, 'dormitories': 1, 'barely': 1, 'honestly': 1, 'wonder': 1, 'bites': 1, 'however': 1, 'became': 1, 'referee': 1, 'stone': 4, 'minds': 1, 'comforting': 1, 'hardly': 3, 'hurt': 1, 'forget': 1, 'fixedly': 1, 'circling': 1, 'streaked': 2, 'sped': 1, 'nosebleed': 1, 'forest': 2, 'victory': 1, 'strained': 1, 'after': 1, 'nearly': 1, 'petrified': 1, 'thumping': 1, 'breathlessly': 1, 'corridor': 2, 'whenever': 1, 'notes': 1, 'yawning': 2, 'against': 1, 'words': 1, 'beamed': 1, 'steal': 1, 'anxiously': 3, 'boiling': 1, 'schedules': 1, 'driving': 1, 'pretty': 1, 'bolted': 1, 'urged': 1, 'dump': 1, 'sitting': 1, 'invisibility': 1, 'hurrying': 1, 'poisonous': 1, 'norbert': 1, 'plan': 1, 'rattle': 1, 'sounded': 1, 'sobbed': 1, 'shortcuts': 1, 'sing': 1, 'advised': 1, 'brain': 1, 'already': 1, 'neville': 4, 'believed': 1, 'fifty': 1, 'hours': 1, 'spread': 1, 'miserably': 1, 'damage': 1, 'swore': 1, 'during': 1, 'because': 2, 'silence': 1, 'almost': 2, 'resolution': 1, 'threatening': 1, 'halfway': 1, 'astronomy': 1, 'quirrell': 4, 'flatly': 1, 'delivered': 1, 'also': 1, 'sniffing': 1, 'ahead': 1, 'robe': 1, 'hagrid.': 1, 'path': 1, 'leaves': 2, 'unicorns': 1, 'stump': 1, 'werewolf': 1, 'tail': 1, 'trees': 1, 'usual': 1, 'seemed': 2, 'thick': 1, 'beast': 1, 'unicorn': 1, 'charging': 1, 'pain': 3, 'carefully': 1, 'livid': 1, 'grab': 1, 'clutching': 1, 'answer': 1, 'stopped': 1, 'startled': 1, 'lips': 1, 'croaked': 2, 'vol-': 1, 'safe': 1, 'slid': 1, 'shivering': 1, 'roughly': 1, 'wide-eyed': 1, 'began': 3, 'listening': 1, 'comfort': 1, 'potion': 1, 'case': 1, 'parchment': 1, 'cheerful': 1, 'week': 1, 'rubbing': 1, 'worked': 1, 'relax': 1, 'quite': 1, 'scrambling': 1, 'sprinting': 1, 'hood': 1, 'fluffy': 1, 'goin': 1, 'bravely': 1, 'frantically': 1, 'throwing': 1, 'wheeled': 1, 'points': 1, 'flushed': 1, 'steps': 1, 'wailed': 1, 'whap': 1, 'break': 2, 'talk': 1, 'upstairs': 1, 'hurriedly': 1, 'ready': 2, 'understand': 1, 'unseen': 1, 'stay': 1, 'brilliant': 1, 'cloak': 1, 'droop': 1, 'drop': 1, 'asleep': 1, 'climbed': 1, 'hope': 1, 'ankles': 1, 'breathe': 1, 'lucky': 1, 'does': 2, ...}), 'potter': Counter({"'scuse": 1, 'address': 1, 'after': 1, 'again': 1, 'another': 1, 'asked': 1, 'asphodel': 1, 'back': 2, 'baggy': 1, 'been': 1, 'believe': 1, 'between': 1, 'blurted': 1, 'boys': 1, 'broomstick': 1, 'called': 2, 'celebrity': 1, 'change': 1, 'cheek': 1, 'chorused': 1, 'circumstances': 1, 'come': 5, 'coming': 2, 'crockford': 1, 'cupboard': 1, 'dear': 1, 'decided': 1, 'delighted': 1, 'difference': 1, 'dunderhead': 1, 'ever': 1, 'every': 1, 'famous': 1, 'first': 1, 'flashing': 1, 'floor': 1, 'follow': 1, 'forehead': 1, 'from': 1, 'future': 1, 'goin': 1, 'going': 1, 'green': 1, 'hall': 1, 'hard': 1, 'harry': 40, 'heart': 1, 'here': 1, 'hermione': 1, 'information': 1, 'james': 3, 'just': 2, 'kill': 1, 'know': 3, 'knowin': 1, 'last': 2, 'lies': 1, 'live': 1, 'lived': 1, 'long': 1, 'look': 1, 'magic': 1, 'many': 1, 'meal': 1, 'mistake': 1, 'more': 1, 'mrs.': 2, 'name': 1, 'need': 1, 'never': 1, 'neville': 1, 'obviously': 1, 'only': 2, 'others': 1, 'outrage': 1, 'parents': 1, 'pleased': 1, 'potter': 2, 'president': 2, 'pressure': 1, 'professor': 1, 'proud': 1, 'pulled': 1, 'question': 1, 'quicker': 1, 'quidditch': 2, 'quietly': 2, 'rolled': 1, 'room': 1, 'safe': 1, 'said': 7, 'school': 1, 'scurrying': 1, 'sense': 1, 'smallest': 1, 'snape': 1, 'sold': 1, 'sorcerer': 1, 'squeaked': 1, 'squealed': 1, 'still': 2, 'stupid': 1, 'substance': 1, 'such': 1, 'tell': 1, 'thanks': 1, 'that': 2, 'their': 1, 'then': 1, 'there': 2, 'things': 1, 'this': 4, 'thought': 2, 'time': 1, 'touch': 1, 'unicorn': 1, 'voldemort': 1, 'want': 1, 'warned': 1, 'weasley': 2, 'welcome': 1, 'well': 1, 'were': 1, 'what': 3, 'when': 1, 'where': 1, 'whispered': 1, 'wizard': 2, 'yelled': 1}), 'sorcerer': Counter({'about': 3, 'felt': 1, 'flamel': 1, 'greatest': 1, 'guarding': 2, 'maker': 1, 'making': 1, 'moment': 1, 'potter': 1, 'reports': 1, 'right': 1, 'shhhh': 1, 'stone': 13, 'stones': 1, 'than': 1, 'tone': 1, 'twelve': 1, 'with': 1, 'world': 1}), 'stone': Counter({'about': 4, 'across': 1, 'afraid': 1, 'after': 1, 'against': 2, 'apart': 3, 'asked': 1, 'back': 1, 'been': 1, 'before': 2, 'bezoar': 1, 'black': 1, 'blood-red': 1, 'chapter': 1, 'clambered': 1, 'course': 1, 'crashed': 1, 'currently': 1, 'distracted': 1, 'down': 1, 'dudley': 1, 'effort': 1, 'even': 1, 'facing': 1, 'find': 3, 'finding': 1, 'first': 1, 'flagged': 1, 'flight': 1, 'floor': 2, 'fluffy': 1, 'from': 1, 'give': 1, 'going': 2, 'gone': 3, 'gotten': 1, 'griffin': 1, 'gringotts': 1, 'guarding': 3, 'harry': 4, 'have': 2, 'here': 1, 'hold': 1, 'house': 1, 'inside': 1, 'into': 1, 'just': 1, 'kept': 1, 'know': 1, 'large': 1, 'legendary': 1, 'longer': 1, 'loud': 1, 'mean': 1, 'mirror': 2, 'moved': 1, 'much': 1, 'must': 1, 'narrow': 1, 'once': 1, 'only': 2, 'over': 1, 'passageway': 2, 'powers': 1, 'presenting': 1, 'professor': 1, 'protect': 1, 'protecting': 1, 'quick': 1, 'quirrell': 3, 'really': 1, 'remembered': 1, 'rest': 1, 'right': 1, 'safe': 1, 'saved': 1, 'snape': 1, 'sorcerer': 13, 'sprang': 1, 'staffroom': 1, 'started': 1, 'steal': 3, 'steps': 4, 'still': 1, 'taken': 1, 'talk': 1, 'that': 4, 'then': 1, 'there': 1, 'they': 1, 'think': 1, 'this': 1, 'toward': 1, 'troll': 1, 'understand': 1, 'unless': 1, 'voldemort': 3, 'walls': 1, 'wanted': 1, 'wants': 1, 'well': 3, 'white': 1, 'will': 1, 'winked': 2, 'with': 3, 'without': 1, 'wood': 1, 'worried': 1, 'your': 1}), 'chapter': Counter({'case': 1, 'come': 1, 'door': 1, 'dream': 1, 'eight': 1, 'eleven': 1, 'fifteen': 1, 'five': 1, 'four': 1, 'fourteen': 1, 'gang': 1, 'gone': 1, 'halloween': 1, 'harry': 1, 'himself': 1, 'journey': 1, 'lived': 2, 'nine': 1, 'pockets': 1, 'question': 1, 'said': 1, 'seven': 1, 'seventeen': 1, 'sixteen': 1, 'stone': 1, 'them': 1, 'thirteen': 2, 'three': 1, 'tower': 1, 'twelve': 1, 'vanishing': 1, 'voldemort': 1}), 'lived': Counter({'after': 1, 'another': 1, 'baby': 1, 'chapter': 2, 'dumbledore': 1, 'ever': 1, 'food': 1, 'hagrid': 1, 'house': 1, 'lady': 1, 'mrs.': 1, 'potter': 1, 'small': 1, 'something': 1, 'streets': 1, 'they': 1, 'with': 1}), 'mrs.': Counter({'about': 1, 'around': 1, 'beady-eyed': 1, 'because': 1, 'cabbage': 1, 'called': 1, 'crowd': 1, 'cupboard': 1, 'dark': 1, 'down': 1, 'dursley': 19, 'expected': 1, 'eyes': 1, 'fact': 1, 'figg': 9, 'filch': 2, 'give': 1, 'going': 1, 'harry': 1, 'into': 1, 'lived': 1, 'mustache': 1, 'near': 1, 'next': 1, 'norris': 12, 'pecked': 1, 'point': 1, 'potter': 2, 'potters': 2, 'said': 3, 'snape': 1, 'snapped': 1, 'speaking': 1, 'spotted': 1, 'that': 2, 'time': 1, 'weasley': 3, 'when': 1, 'while': 1, 'wife': 1, 'with': 1, 'work': 1, 'worrying': 1}), 'dursley': Counter({'always': 2, 'anymore': 1, 'around': 1, 'arrived': 1, 'awake': 1, 'back': 1, 'bathroom': 2, 'before': 1, 'behavior': 1, 'blinked': 1, 'boomed': 1, 'came': 1, 'cheek': 1, 'chortled': 1, 'cloaks': 1, 'come': 1, 'could': 1, 'country': 1, 'crept': 1, 'director': 1, 'drills': 1, 'drove': 1, 'dudley': 2, 'eight': 1, 'enraged': 1, 'explode': 1, 'fell': 1, 'frozen': 1, 'gave': 1, 'gossiped': 1, 'great': 1, 'harry': 1, 'heart': 1, 'however': 1, 'hugged': 1, 'hummed': 1, 'kept': 1, 'later': 1, 'leave': 1, 'left': 1, 'light': 1, 'lips': 1, 'longer': 1, 'looked': 1, 'loudly': 1, 'might': 1, 'mrs.': 19, 'mumbled': 1, 'news': 1, 'nice': 1, 'nighttime': 1, 'nonsense': 1, 'number': 1, 'picked': 1, 'potters': 1, 'pretended': 1, 'quickly': 1, 'realize': 1, 'realized': 1, 'said': 2, 'scream': 1, 'second': 1, 'seen': 1, 'shut': 1, 'signs': 1, 'sipped': 1, 'sister': 1, 'stiffly': 1, 'stood': 1, 'stopped': 1, 'struck': 1, 'that': 1, 'they': 1, 'thin': 1, 'together': 1, 'tonight': 1, 'tried': 1, 'vernon': 1, 'walked': 1, 'warning': 2, 'well': 1, 'when': 1, 'woke': 1, 'wondered': 2, 'word': 1, 'worry': 1, 'would': 1, 'wrong': 1}), 'number': Counter({'accidents': 1, 'among': 1, 'backed': 1, 'brass': 1, 'driveway': 1, 'dursley': 1, 'extraordinary': 1, 'four': 8, 'hold': 1, 'home': 1, 'know': 2, 'letters': 1, 'meself': 1, 'nine': 1, 'other': 1, 'over': 1, 'plastic': 2, 'platform': 1, 'pointing': 1, 'said': 2, 'step': 1, 'toward': 1, 'wands': 1, 'when': 1}), 'four': Counter({'about': 3, 'balls': 2, 'bananas': 1, 'bedrooms': 1, 'boat': 1, 'boys': 1, 'broomsticks': 1, 'chapter': 1, 'clues': 1, 'diagonally': 1, 'different-sized': 1, 'drive': 1, 'dumbledore': 1, 'dursleys': 1, 'each': 2, 'everyone': 1, 'feet': 1, 'first': 3, 'good': 1, 'gryffindor': 1, 'house': 1, 'houses': 1, 'hundred': 4, 'keeper': 1, 'later': 1, 'long': 1, 'mcgonagall': 1, 'minutes': 1, "more'n": 1, 'nearly': 1, 'number': 8, 'over': 1, 'privet': 1, 'ravenclaw': 1, 'room': 1, 'sandwiches': 1, 'slytherin': 1, 'squares': 1, 'students': 1, 'tables': 1, 'talking': 1, 'them': 1, 'there': 2, 'times': 1, 'warmer': 1, 'were': 2, 'where': 1, 'yelled': 1}), 'privet': Counter({'back': 1, 'bedroom': 1, 'corner': 3, 'crossed': 1, 'down': 1, 'drive': 16, 'four': 1, 'hedges': 1, 'house': 1, 'said': 1, 'seen': 1, 'stairs': 1, 'step': 1, 'than': 1, 'that': 1}), 'drive': Counter({'away': 1, 'christmas': 1, 'corner': 1, 'could': 1, 'crutches': 1, 'dursleys': 1, 'ever': 1, 'four': 1, 'glowed': 1, 'hardly': 1, 'letters': 1, 'little': 1, 'looking': 1, 'much': 1, 'opposite': 1, 'privet': 16, 'said': 1, 'tall': 1, 'there': 1, 'though': 1, 'turn': 1, 'were': 1, 'which': 1, 'with': 1, 'would': 1}), 'were': Counter({'able': 2, 'about': 2, 'afraid': 2, 'again': 1, 'alive': 1, 'almost': 1, 'already': 5, 'although': 1, 'ankles': 1, 'anyway': 1, 'arms': 2, 'asleep': 1, 'astronomy': 1, 'away': 1, 'back': 3, 'becoming': 1, 'before': 1, 'behind': 1, 'being': 1, 'below': 1, 'beside': 1, 'bettie': 1, 'bigger': 1, 'birthdays': 1, 'black': 1, 'blistering': 1, 'boarding': 1, 'books': 2, 'boots': 1, 'both': 1, 'bound': 1, 'brains': 1, 'brave': 1, 'brothers': 1, 'bunch': 1, 'bush': 1, 'business': 1, 'busy': 2, 'cakes': 1, 'careful': 1, 'carriages': 1, 'carried': 1, 'carved': 1, 'celebrating': 1, 'chairs': 1, 'chamber': 1, 'changing': 1, 'cheering': 1, 'cheery': 1, 'chessmen': 1, 'clapping': 1, 'classes': 1, 'clearly': 1, 'clenched': 1, 'close': 2, 'closed': 1, 'clothes': 1, 'cold': 1, 'cornered': 1, 'corridor': 1, 'could': 2, 'country': 1, 'cowering': 1, 'crabbe': 1, 'crashing': 1, 'crawling': 1, 'creepy': 1, 'crinkled': 1, 'curtains': 1, 'danger': 1, 'dashing': 1, 'dead': 1, 'deep': 1, 'delighted': 2, 'delivered': 1, 'difficulty': 1, 'doing': 1, 'door': 1, 'doors': 2, 'drawback': 1, 'drills': 1, 'drive': 1, 'driven': 1, 'drowned': 1, 'dudley': 2, 'dumbledore': 1, 'dursleys': 4, 'each': 1, 'earth': 1, 'eleven': 1, 'else': 1, 'embers': 1, 'empty': 3, 'enough': 1, 'ever': 1, 'exams': 2, 'expelled': 2, 'eyes': 9, 'facing': 2, 'famous': 2, 'fang': 1, 'fangs': 1, 'favors': 1, 'feet': 1, 'field': 1, 'fifty': 1, 'figures': 1, 'filch': 1, 'fire': 1, 'first': 2, 'fists': 1, 'flitwick': 1, 'floating': 1, 'followed': 1, 'following': 1, 'four': 2, 'freezing': 1, 'friends': 1, 'front': 1, 'full': 1, 'funny-looking': 1, 'galoshes': 1, 'gathered': 1, 'gawking': 1, 'george': 1, 'gettin': 1, 'getting': 1, 'given': 1, 'glittering': 1, 'goblins': 2, 'going': 13, 'gold': 1, 'gone': 1, 'good': 1, 'gordon': 1, 'goyle': 2, 'grown': 1, 'half': 1, 'handed': 1, 'hanging': 1, 'harry': 15, 'have': 2, 'having': 1, 'heard': 1, 'heavy': 1, 'hermione': 5, 'high': 1, 'holding': 1, 'holidays': 1, 'hufflepuff': 1, 'huge': 1, 'hundred': 2, 'husband': 1, 'idea': 1, 'impressed': 1, 'inside': 3, 'involved': 1, 'jammed': 1, 'jaws': 1, 'jordan': 1, 'just': 1, 'killed': 1, 'kind': 2, 'knees': 2, 'knew': 1, 'know': 2, 'known': 1, 'laid': 1, 'last': 1, 'late': 2, 'laughing': 1, 'leaning': 1, 'least': 1, 'left': 1, 'legs': 2, 'lessons': 2, 'level': 1, 'light': 1, 'like': 2, 'lips': 1, 'listening': 1, 'little': 1, 'long': 1, 'looked': 1, 'looking': 4, 'lost': 2, 'lots': 1, 'lucky': 3, 'makin': 1, 'malfoy': 1, 'many': 2, 'marks': 1, 'married': 1, 'match': 1, 'more': 1, 'mother': 3, 'mounds': 1, 'moving': 2, 'narrow': 1, 'nearly': 2, 'nerves': 1, 'never': 1, 'neville': 2, 'notes': 2, 'nothing': 1, 'obviously': 2, 'only': 5, 'other': 1, 'others': 1, 'outside': 1, 'over': 1, 'packed': 1, 'page': 1, 'parents': 1, 'passing': 1, 'people': 4, 'perfectly': 1, 'pheasants': 1, 'photographs': 1, 'piers': 1, 'piled': 2, 'planets': 1, 'playing': 1, 'pointing': 1, 'points': 1, 'poisonous': 1, 'potter': 1, 'potters': 1, 'pound': 1, 'problems': 1, 'professor': 1, 'proud': 2, 'punished': 1, 'quaffle': 1, 'quiet': 1, 'quite': 2, 'racket': 1, 'raised': 1, 'rather': 1, 'ready': 2, 'really': 2, 'reflections': 1, 'related': 1, 'rescued': 1, 'responsible': 1, 'results': 1, 'right': 1, 'robes': 1, 'rolled': 1, 'room': 1, 'rules': 1, 'same': 1, 'saying': 6, 'says': 1, 'scar': 1, 'seats': 2, 'seekers': 1, 'seven': 1, 'shaking': 1, 'shapeless': 1, 'shelves': 2, 'shops': 1, 'short': 1, 'showing': 1, 'sitting': 4, 'sleeves': 1, 'slytherins': 2, 'small': 1, 'smile': 1, 'snakes': 1, 'snores': 1, 'some': 2, 'sooner': 1, 'speaking': 1, 'spectators': 1, 'speeding': 2, 'spirits': 1, 'splashes': 1, 'stacked': 1, 'standing': 3, 'start': 1, 'starting': 1, 'staying': 1, 'steamrollered': 1, 'still': 8, 'stranger': 1, 'street': 1, 'stuck': 1, 'students': 1, 'stuff': 1, 'stupid': 1, 'suffering': 1, 'supposed': 2, 'sure': 5, 'surprised': 2, 'surprises': 1, 'swaying': 1, 'table': 1, 'tables': 1, 'talk': 1, 'talking': 2, 'taller': 1, 'teachers': 2, 'team': 2, 'that': 3, 'them': 7, 'there': 31, 'these': 1, 'they': 105, 'thick': 2, 'thickset': 1, 'thieves': 1, 'thinking': 3, 'though': 1, 'thought': 1, 'three': 1, 'tickling': 1, 'tight': 1, 'tiny': 2, 'told': 1, 'trapped': 1, 'trees': 3, 'trembling': 1, 'trunks': 1, 'trying': 2, 'turning': 1, 'twenty': 1, 'twins': 3, 'undursleyish': 1, 'used': 1, 'usually': 1, 'vast': 1, 'very': 3, 'voice': 1, 'waiting': 1, 'walls': 1, 'wardrobes': 1, 'watching': 1, 'wear': 1, 'wearing': 1, 'weasley': 2, 'weasleys': 1, 'weirdos': 1, 'well-known': 1, 'what': 1, 'when': 3, 'where': 2, 'which': 4, 'while': 2, 'whispering': 2, 'white': 2, 'wide': 1, 'wings': 1, 'witch': 1, 'witches': 1, 'with': 3, 'women': 1, 'wondering': 2, 'wood': 1, 'woods': 1, 'worst': 1, 'young': 1}), 'proud': Counter({'always': 1, 'been': 1, 'could': 1, 'felt': 1, 'having': 1, 'just': 1, 'last': 1, 'pleased': 1, 'potter': 1, 'said': 1, 'something': 1, 'that': 1, 'were': 2}), 'that': Counter({'1473': 1, 'able': 1, 'abou': 1, 'about': 9, 'added': 1, 'admirable': 1, 'admitted': 1, 'adrian': 1, 'after': 8, 'afternoon': 4, 'afterward': 1, 'again': 1, 'ages': 2, 'agreed': 1, 'alive': 1, 'almost': 2, 'alone': 1, 'already': 2, 'although': 4, 'always': 5, 'amazed': 1, 'anger': 1, 'angrily': 1, 'another': 2, 'answer': 2, 'anxiously': 1, 'anyone': 4, 'anything': 7, 'asked': 1, 'asleep': 1, 'astonishment': 1, 'aunt': 1, 'away': 1, 'back': 4, 'backward': 1, 'barrier': 1, 'battered': 1, 'beard': 1, 'beast': 1, 'beats': 1, 'because': 1, 'been': 6, 'beetle': 1, 'before': 2, 'behind': 2, 'below': 1, 'bent': 1, 'best': 2, 'better': 2, 'between': 2, 'biggest': 1, 'bishop': 2, 'black-haired': 1, 'blond': 1, 'blurted': 1, 'boats': 1, 'book': 2, 'books': 2, 'borrowed': 1, 'both': 1, 'bottle': 1, 'bottles': 1, 'boxes': 1, 'braver': 1, 'broke': 1, 'broom': 3, 'brooms': 1, 'broomstick': 2, 'brother': 1, 'brothers': 1, 'brought': 1, 'building': 1, 'business': 1, 'bustling': 1, 'cage': 1, 'cake': 1, 'called': 3, 'came': 1, 'candles': 1, 'carefully': 1, 'carpet': 1, 'carry': 1, 'case': 1, 'castle': 1, 'caught': 2, 'centaur': 2, 'chair': 1, 'changed': 1, 'charm': 1, 'charms': 1, 'chaser': 2, 'check': 1, 'chess': 1, 'chooses': 1, 'classroom': 1, 'clear': 1, 'clearing': 1, 'clearly': 1, 'cloak': 2, 'close': 1, 'closely': 1, 'coat': 1, 'collected': 1, 'come': 2, 'complain': 1, 'complained': 1, 'concern': 2, 'copying': 1, 'could': 5, 'couple': 1, 'course': 1, 'crash': 1, 'creep': 1, 'croaked': 1, 'crying': 1, 'cupboard': 1, 'curse': 1, 'curtain': 1, 'curtains': 1, 'dangerous': 1, 'dared': 1, 'dead': 1, 'death': 1, 'decided': 1, 'dedalus': 1, 'delicious': 1, 'demand': 1, 'desperate': 1, 'devil': 1, 'died': 1, 'dinner': 1, 'direction': 1, 'disappeared': 2, 'disappointment': 1, 'disgusted': 1, 'does': 4, 'doing': 2, 'done': 4, 'door': 1, 'doors': 2, 'doubt': 1, 'doughnut': 1, 'down': 2, 'dragon': 1, 'drills': 2, 'drink': 1, 'dudley': 6, 'dumbledore': 3, 'dunderhead': 1, 'dursley': 1, 'dursleys': 7, 'earlier': 1, 'earth': 1, 'easier': 1, 'easily': 1, 'easter': 1, 'edge': 1, 'eggs': 1, 'else': 1, 'empty': 1, 'enough': 1, 'enraged': 1, 'envelope': 1, 'erupted': 1, 'escalator': 1, 'even': 2, 'evening': 4, 'ever': 1, 'everyone': 2, 'everything': 3, 'exactly': 1, 'exam': 1, 'exams': 1, 'except': 4, 'exercise': 1, 'expect': 1, 'expected': 1, 'explain': 1, 'eyebrows': 1, 'eyes': 1, 'face': 2, 'facedown': 1, 'fact': 2, 'fading': 1, 'family': 1, 'famous': 2, 'fateful': 1, 'father': 2, 'fear': 1, 'feel': 1, 'feeling': 4, 'feels': 1, 'feet': 2, 'felt': 3, 'fewer': 1, 'field': 1, 'fight': 1, 'fighting': 1, 'figures': 1, 'filch': 1, 'filled': 1, 'finally': 1, 'find': 1, 'fire': 2, 'first': 4, 'fists': 1, 'fitch': 1, 'flamel': 2, 'flattened': 1, 'floor': 1, 'fluffy': 3, 'flying': 1, 'followed': 1, 'food': 1, 'force': 1, 'forehead': 2, 'forest': 3, 'forget': 3, 'forgetting': 1, 'forgotten': 4, 'foul': 1, 'found': 2, 'friendly': 1, 'from': 4, 'full': 1, 'funny': 3, 'gave': 1, 'getting': 1, 'girl': 1, 'give': 3, 'glad': 1, 'goblin': 1, 'goes': 2, 'goin': 1, 'going': 8, 'gold': 1, 'gone': 1, 'good': 5, 'gorgons': 1, 'goyle': 1, 'grass': 1, 'great': 2, 'grew': 1, 'grin': 1, 'gringotts': 1, 'griphook': 1, 'grubby': 1, 'gruffly': 2, 'gryffindor': 2, 'guardin': 2, 'guarding': 2, 'hagrid': 11, 'hair': 2, 'halfway': 1, 'hall': 1, 'halloween': 2, 'hands': 1, 'happen': 1, 'happened': 5, 'happening': 1, 'happens': 1, 'hard': 1, 'hardly': 1, 'harry': 37, 'hated': 1, 'have': 7, 'head': 3, 'headmaster': 1, 'hear': 1, 'hedwig': 1, 'held': 1, 'help': 1, 'here': 4, 'hermione': 6, 'hide': 1, 'himself': 1, 'hogwarts': 1, 'holding': 1, 'hole': 1, 'hooves': 1, 'hoped': 2, 'hoping': 1, 'horrible': 1, 'horse': 1, 'hourglasses': 1, 'house': 1, 'huge': 1, 'hundred': 1, 'hurt': 1, 'idea': 3, 'impatient': 1, 'indeed': 1, 'inform': 1, 'insisted': 2, 'instead': 2, 'interesting': 2, 'into': 2, 'irritably': 1, 'joke': 1, 'just': 3, 'kent': 1, 'kept': 1, 'keyhole': 1, 'kill': 1, 'knee': 1, 'knew': 7, 'knock': 1, 'know': 9, 'know-it-all': 1, 'known': 1, 'knows': 2, 'lamps': 1, 'last': 3, 'late': 2, 'lavender': 1, 'learn': 1, 'learned': 3, 'least': 1, 'leave': 2, 'leaves': 2, 'left': 1, 'legs': 1, 'less': 1, 'lessons': 1, 'letter': 3, 'level': 1, 'light': 1, 'lightning': 1, 'like': 13, 'lily': 2, 'liquid': 1, 'liquids': 1, 'little': 1, 'lives': 1, 'locked': 1, 'long': 1, 'longbottom': 1, 'look': 4, 'looked': 5, 'lose': 1, 'lost': 1, 'loudly': 2, 'love': 1, 'lucky': 3, 'lying': 1, 'made': 8, 'magic': 1, 'make': 1, 'makes': 1, 'malfoy': 3, 'managed': 1, 'mark': 1, 'maroon': 1, 'match': 1, 'mean': 1, 'means': 1, 'meant': 3, 'measured': 1, 'meeting': 1, 'mention': 1, 'might': 4, 'miles': 1, 'mind': 3, 'mine': 1, 'minutes': 2, 'mirror': 5, 'missing': 1, 'mistaking': 1, 'moaning': 1, 'moment': 9, 'monster': 1, 'monstrous': 1, 'moonlight': 1, 'more': 1, 'morning': 2, 'most': 2, 'motorcycle': 1, 'movements': 1, 'mrs.': 2, 'muggles': 1, 'must': 2, 'muttered': 1, 'n-need': 1, 'n-not': 1, 'nasty': 1, 'nation': 1, 'need': 1, 'needed': 1, 'needles': 1, 'neither': 1, 'nervous': 2, 'never': 3, 'neville': 2, 'news': 1, 'nice': 1, 'night': 5, 'nimbus': 1, 'nine': 1, 'nobody': 1, 'noise': 2, 'noises': 1, 'noisy': 1, 'none': 1, 'nonsense': 1, 'norbert': 1, 'nose': 1, 'note': 4, 'nothin': 1, 'nothing': 4, 'noticed': 9, 'noticing': 2, 'nowhere': 2, "o'clock": 1, 'object': 1, 'obvious': 2, 'okay': 1, 'older': 1, 'once': 3, 'only': 5, 'open': 1, 'ordinary': 2, 'other': 2, 'others': 1, 'ouch': 1, 'over': 3, 'owls': 2, 'package': 3, 'paint': 1, 'paper': 1, 'parrot': 1, 'part': 1, 'parted': 1, 'passed': 2, 'past': 3, 'peeves': 1, 'people': 5, 'perfect': 1, 'perhaps': 1, 'phoenix': 1, 'piece': 1, 'place': 3, 'plain': 1, 'plainly': 1, 'planets': 1, 'play': 2, 'players': 1, 'playing': 1, 'pockets': 1, 'popkin': 1, 'possible': 1, 'potions': 1, 'potter': 2, 'potters': 3, 'practice': 2, 'presents': 1, 'pressed': 1, 'prevent': 1, 'privet': 1, 'prodded': 1, 'professor': 5, 'proud': 1, 'proudest': 1, 'proving': 1, 'pupils': 1, 'quaffle': 1, 'queasy': 1, 'questions': 3, 'quickly': 1, 'quidditch': 4, 'quietly': 2, 'quirrell': 2, 'rain': 1, 'raisins': 1, 'rattled': 1, 'read': 2, 'real': 1, 'realize': 4, 'realized': 6, 'really': 1, 'reason': 2, 'recited': 1, 'recorded': 1, 'reflected': 1, 'reflection': 1, 'relieved': 1, 'remember': 3, 'remembers': 1, 'remind': 1, 'reminded': 1, 'reminding': 1, 'reminds': 3, 'replaced': 1, 'reported': 1, 'rest': 1, 'reward': 1, 'ridiculous': 1, 'right': 6, 'room': 4, 'rope': 1, 'round': 1, 'rubbish': 1, 'ruddy': 1, 'rule': 1, 'rumbling': 1, 'rumor': 1, 'rumors': 1, 'said': 22, 'sailed': 1, 'same': 2, 'sayin': 1, 'saying': 5, 'says': 1, 'scar': 3, 'school': 2, 'screwed': 1, 'searched': 2, 'seats': 1, 'secret': 4, 'seeker': 1, 'seekers': 2, 'seemed': 5, 'seems': 1, 'seen': 1, 'sent': 1, 'separated': 1, 'shaped': 1, 'shocked': 1, 'shone': 1, 'shops': 1, 'should': 3, 'shouldn': 1, 'shout': 1, 'shouted': 2, 'show': 1, 'shrilly': 1, 'sign': 2, 'silent': 1, 'silver': 2, 'simple': 1, 'simply': 1, 'singled': 1, 'sitting': 1, 'slapping': 1, 'slope': 1, 'slytherin': 1, 'slytherins': 2, 'smarmy': 1, 'smell': 1, 'smiling': 3, 'smoothly': 1, 'snape': 13, 'snapped': 1, 'snitch': 1, 'snout': 1, 'snowballs': 1, 'sold': 1, 'some': 2, 'somebody': 1, 'somehow': 1, 'someone': 2, 'somethin': 1, 'something': 14, 'somewhere': 2, 'sorry': 1, 'sort': 2, 'sound': 1, 'sounded': 2, 'speck': 1, 'spectators': 1, 'spell': 2, 'spotted': 1, 'spreading': 1, 'sprout': 1, 'squares': 1, 'squashy': 1, 'stain': 1, 'stamp': 1, 'stared': 1, 'started': 1, 'startled': 1, 'stay': 1, 'stayed': 1, 'sticky': 1, 'stone': 4, 'stones': 1, 'stood': 2, 'stooping': 1, 'stop': 2, 'stories': 1, 'strange': 1, 'stranger': 1, 'strangers': 1, 'street': 2, 'struck': 1, 'study': 1, 'stuff': 2, 'stuffed': 1, 'stupid': 1, 'such': 1, 'suggest': 1, 'suggested': 1, 'suppose': 4, 'supposed': 2, 'sure': 3, 'surely': 1, 'surprised': 2, 'swept': 1, 'swung': 1, 'take': 3, 'taking': 1, 'talk': 1, 'tape': 1, 'tasted': 1, 'teacher': 1, 'team': 1, 'tears': 1, 'tell': 9, 'terrible': 1, 'than': 1, 'that': 8, 'their': 4, 'them': 7, 'then': 4, 'there': 11, 'they': 17, 'thing': 5, 'things': 5, 'think': 5, 'thinking': 1, 'thinks': 1, 'third': 1, 'this': 8, 'though': 1, 'thought': 5, 'three': 1, 'three-headed': 3, 'three-thirty': 1, 'through': 1, 'thud': 1, 'thunder': 1, 'time': 3, 'today': 1, 'told': 2, 'took': 3, 'touching': 1, 'towered': 1, 'track': 1, 'train': 4, 'trapdoor': 1, 'treasure': 1, 'tree': 1, 'trick': 1, 'tried': 2, 'troll': 1, 'trouble': 1, 'true': 2, 'truth': 2, 'trying': 1, 'twice': 1, 'twisted': 1, 'under': 2, 'unfair': 1, 'unicorn': 2, 'unluckily': 1, 'until': 2, 'unusual': 1, 'usually': 1, 'vault': 2, 'vernon': 2, 'very': 3, 'voice': 4, 'vol-': 1, 'voldemort': 2, 'waiting': 1, 'walked': 1, 'wand': 4, 'want': 2, 'wanted': 2, 'wasn': 1, 'watered': 1, 'wearing': 1, 'weasley': 1, 'weasleys': 1, 'weeks': 1, 'well': 9, 'went': 2, 'were': 3, 'what': 25, 'whatever': 2, 'when': 3, 'where': 7, 'wide': 1, 'wildly': 1, 'will': 3, 'wind': 1, 'with': 5, 'wizard': 1, 'wondered': 1, 'wood': 1, 'words': 2, 'work': 3, 'worked': 1, 'worried': 1, 'worse': 1, 'worst': 1, 'would': 8, 'written': 1, 'wrong': 1, 'yeah': 1, 'years': 1, 'yelled': 1, 'young': 1, 'your': 4, 'yourself': 1}), 'they': Counter({'about': 1, 'acted': 1, 'adventure': 1, 'afford': 1, 'after': 3, 'again': 3, 'agreed': 1, 'ahead': 1, 'allowed': 1, 'almost': 3, 'also': 2, 'always': 2, 'amazement': 1, 'another': 1, 'answer': 1, 'anymore': 1, 'anything': 4, 'anyway': 1, 'anywhere': 2, 'approached': 1, 'armor': 1, 'around': 3, 'arrived': 2, 'asked': 2, 'attack': 1, 'attract': 1, 'audience': 1, 'await': 1, 'awake': 1, 'away': 2, 'back': 3, 'bank': 1, 'bare': 1, 'bathroom': 1, 'beans': 1, 'because': 11, 'been': 13, 'before': 6, 'began': 1, 'behind': 2, 'believe': 2, 'believed': 1, 'bent': 1, 'better': 2, 'binding': 1, 'birds': 2, 'boat': 1, 'boaters': 1, 'bodies': 1, 'bonus': 1, 'books': 1, 'boom': 1, 'both': 4, 'bought': 2, 'bowed': 1, 'breath': 2, 'broomstick': 1, 'built': 1, 'cakes': 1, 'called': 1, 'came': 4, 'cared': 1, 'careful': 1, 'cartoon': 1, 'case': 1, 'castle': 2, 'catch': 1, 'cats': 1, 'caught': 1, 'cauldrons': 1, 'centaurs': 1, 'chamber': 2, 'chance': 1, 'charlie': 1, 'cheery': 1, 'chessmen': 1, 'choice': 1, 'choose': 1, 'chortled': 1, 'clambered': 3, 'class': 1, 'cliff': 1, 'climbed': 8, 'cloak': 2, 'close': 1, 'club': 1, 'cold': 1, 'colder': 1, 'coldly': 1, 'come': 3, 'complained': 1, 'completely': 1, 'corner': 1, 'corners': 1, 'corridor': 1, 'could': 38, 'crack': 1, 'crammed': 1, 'crept': 2, 'crowded': 1, 'cupboard': 1, 'curse': 1, 'dark': 1, 'darkly': 1, 'darkness': 1, 'dead': 3, 'deep': 1, 'deliver': 1, 'deserved': 1, 'destroyed': 1, 'didn': 1, 'died': 2, 'direction': 2, 'directions': 1, 'discover': 1, 'discussion': 1, 'doing': 2, 'done': 1, 'door': 1, 'doors': 1, 'dormitory': 1, 'doubt': 1, 'down': 3, 'downpour': 1, 'dragon': 1, 'dreams': 1, 'drew': 1, 'drop': 1, 'dropped': 1, 'drove': 3, 'ducked': 1, 'dudley': 1, 'dursley': 1, 'each': 1, 'earshot': 1, 'edged': 2, 'eleven': 1, 'enchantments': 1, 'enough': 1, 'entered': 2, 'even': 2, 'evening': 1, 'ever': 3, 'every': 1, 'everything': 1, 'exactly': 1, 'exam': 1, 'excuse': 1, 'expect': 1, 'experience': 1, 'face': 2, 'fact': 1, 'fail': 1, 'fallen': 1, 'families': 1, 'family': 1, 'famous': 1, 'fang': 1, 'farther': 1, 'feather': 1, 'feel': 2, 'feeling': 2, 'feet': 4, 'fell': 1, 'felt': 1, 'filch': 1, 'finally': 1, 'find': 1, 'fine': 1, 'fingers': 1, 'finished': 1, 'fire': 2, 'fireplace': 1, 'first': 2, 'flamel': 3, 'flashy': 1, 'flat': 1, 'flavor': 1, 'flitted': 1, 'floor': 2, 'floors': 1, 'flushed': 1, 'followed': 4, 'following': 1, 'forbidden': 1, 'forehead': 1, 'forget': 3, 'forgotten': 1, 'forward': 3, 'found': 8, 'freckles': 1, 'free': 1, 'friends': 1, 'frog-marched': 1, 'frogs': 2, 'from': 1, 'front': 1, 'funny': 1, 'furious': 1, 'gasped': 2, 'getting': 1, 'give': 1, 'glad': 1, 'glided': 1, 'glittering': 1, 'going': 2, 'gone': 2, 'good': 2, 'gotten': 2, 'grabbed': 1, 'gringotts': 1, 'griphook': 1, 'ground': 1, 'gryffindor': 1, 'haaaaaa': 1, 'hagrid': 7, 'hair': 1, 'hall': 2, 'hamburger': 1, 'handle': 2, 'hands': 1, 'happen': 1, 'happened': 1, 'happily': 1, 'hardly': 2, 'harness': 1, 'harry': 12, 'have': 16, 'head': 3, 'heads': 1, 'heard': 14, 'heart': 1, 'heaved': 1, 'helped': 1, 'here': 8, 'hermione': 4, 'hitting': 1, 'hogwarts': 2, 'homework': 1, 'hoops': 1, 'hope': 2, 'hoped': 1, 'hopeful': 1, 'hour': 1, 'hours': 1, 'house': 1, 'however': 1, 'hufflepuff': 1, 'hung': 1, 'hurried': 2, 'hurtled': 2, 'ignore': 1, 'imagine': 1, 'inched': 1, 'indeed': 1, 'inside': 2, 'insulted': 1, 'into': 2, 'invisible': 2, 'joined': 2, 'joke': 1, 'jostled': 1, 'just': 11, 'keep': 1, 'kept': 2, 'keys': 2, 'kind': 1, 'knew': 7, 'knock': 1, 'knocked': 3, 'know': 12, 'knows': 1, 'laden': 1, 'lake': 1, 'landed': 1, 'late': 2, 'later': 7, 'leaned': 1, 'leapt': 1, 'learn': 1, 'learned': 1, 'least': 1, 'left': 10, 'lent': 1, 'letter': 2, 'library': 1, 'licking': 1, 'lied': 1, 'like': 4, 'liked': 1, 'list': 1, 'little': 1, 'lived': 1, 'loathed': 1, 'logic': 1, 'london': 1, 'long': 1, 'look': 2, 'looked': 10, 'lord': 1, 'lost': 3, 'louder': 1, 'loudly': 1, 'lovely': 1, 'lucky': 2, 'lunch': 1, 'made': 2, 'magic': 2, 'make': 1, 'malfoy': 1, 'managed': 1, 'marched': 3, 'mastered': 1, 'maybe': 1, 'mcgonagall': 2, 'mean': 4, 'meant': 1, 'meet': 2, 'middle': 1, 'might': 2, 'moaned': 1, 'moment': 2, 'monster': 1, 'months': 2, 'more': 2, 'morning': 1, 'mostly': 1, 'move': 1, 'moved': 2, 'moving': 1, 'much': 3, 'must': 2, 'nails': 1, 'nasty': 1, 'near': 1, 'nearer': 2, 'nearly': 1, 'neck': 1, 'nervous': 1, 'nervously': 1, 'never': 6, 'news': 1, 'newspaper': 1, 'next': 2, 'nice': 1, 'night': 6, 'nitwit': 1, 'nodded': 1, 'none': 1, 'norbert': 1, 'normally': 1, 'norris': 1, 'notes': 1, 'nothing': 1, 'noticed': 1, 'office': 1, 'often': 1, 'once': 1, 'only': 2, 'onward': 1, 'open': 2, 'other': 2, 'otherwise': 1, 'oughta': 1, 'ounce': 1, 'owls': 1, 'painted': 1, 'pale': 1, 'panted': 1, 'papers': 1, 'parents': 4, 'passage': 1, 'passed': 6, 'peeves': 2, 'people': 2, 'percy': 2, 'perhaps': 2, 'petrified': 1, 'petunia': 1, 'photos': 1, 'pieces': 3, 'piled': 2, 'pity': 1, 'play': 1, 'player': 1, 'plunged': 2, 'pointed': 3, 'points': 2, 'possible': 2, 'possibly': 1, 'potions': 2, 'powerful': 1, 'practical': 1, 'practice': 1, 'prefect': 1, 'pulled': 2, 'punishments': 1, 'pushed': 3, 'question': 1, 'quickly': 1, 'quidditch': 1, 'quietly': 1, 'quite': 1, 'rabbit': 1, 'racket': 1, 'rare': 1, 'rather': 1, 'reached': 15, 'realized': 3, 'really': 5, 'reason': 1, 'reckon': 1, 'recognized': 1, 'refused': 1, 'remember': 1, 'reminded': 2, 'restaurant': 1, 'returned': 1, 'ridgeback': 1, 'rigged': 2, 'right': 2, 'ripped': 1, 'road': 1, 'roar': 1, 'room': 2, 'rose': 1, 'round': 1, 'ruined': 1, 'running': 1, 'safe': 1, 'said': 14, 'sailed': 1, 'same': 3, 'saturday': 1, 'sausage': 1, 'saying': 4, 'school': 1, 'scrambled': 2, 'scribbled': 1, 'scurried': 1, 'seem': 1, 'seemed': 5, 'seen': 2, 'settled': 1, 'several': 1, 'shadows': 1, 'sheep': 1, 'shook': 1, 'shop': 1, 'should': 2, 'showed': 1, 'shrank': 2, 'shut': 2, 'side': 2, 'sight': 1, 'simple': 1, 'since': 2, 'sister': 1, 'slammed': 1, 'slipped': 2, 'slot': 1, 'slytherin': 2, 'slytherins': 1, 'small': 1, 'smoothly': 1, 'snape': 1, 'snapped': 2, 'snout': 1, 'soft': 1, 'some': 1, 'something': 2, 'somewhere': 2, 'sooner': 1, 'sorry': 1, 'sort': 2, 'speak': 3, 'sped': 3, 'spell': 1, 'spent': 2, 'spoke': 1, 'sports': 1, 'spotted': 2, 'sprinted': 1, 'sprouts': 1, 'staircase': 1, 'stairs': 3, 'stale': 1, 'stared': 2, 'start': 1, 'started': 3, 'starting': 1, 'stepped': 8, 'stern': 1, 'still': 3, 'stolen': 1, 'stone': 1, 'stood': 2, 'stop': 2, 'stopped': 3, 'strained': 1, 'strangers': 1, 'street': 1, 'struggled': 1, 'stuck': 1, 'study': 1, 'studying': 1, 'stuff': 2, 'stumbling': 1, 'stupid': 1, 'subject': 1, 'sucked': 1, 'suddenly': 3, 'suffering': 1, 'sunshine': 1, 'suppose': 3, 'supposed': 2, 'sure': 3, 'surprised': 1, 'surprising': 1, 'swallow': 1, 'sweet': 1, 'swooped': 1, 'swung': 1, 'table': 2, 'tackled': 1, 'talking': 1, 'tapestries': 1, 'teacher': 1, 'tell': 1, 'telling': 1, 'than': 7, 'that': 17, 'their': 5, 'them': 14, 'themselves': 1, 'then': 5, 'there': 4, 'they': 8, 'thing': 1, 'think': 17, 'thinks': 1, 'this': 7, 'though': 2, 'thought': 6, 'three': 1, 'threes': 1, 'through': 1, 'throw': 1, 'throwing': 1, 'tied': 1, 'tightened': 1, 'time': 6, 'titles': 1, 'told': 3, 'tonight': 1, 'took': 1, 'touched': 1, 'towers': 1, 'train': 1, 'transparent': 1, 'trapdoor': 2, 'tried': 3, 'trouble': 2, 'trudged': 1, 'trust': 1, 'tugged': 1, 'turned': 1, 'twitched': 1, 'uncle': 1, 'understand': 1, 'unicorn': 1, 'unless': 1, 'until': 14, 'usual': 1, 'vampires': 1, 'vernon': 1, 'very': 2, 'victory': 1, 'view': 1, 'visited': 1, 'voices': 1, 'wait': 1, 'waited': 2, 'walk': 2, 'walked': 14, 'wall': 1, 'wandered': 1, 'want': 2, 'wanted': 6, 'warmth': 1, 'watched': 2, 'watching': 2, 'watering': 1, 'waved': 1, 'week': 1, 'well': 5, 'went': 8, 'were': 105, 'what': 28, 'when': 19, 'where': 14, 'whether': 1, 'which': 3, 'while': 4, 'whisper': 1, 'whispered': 2, 'will': 2, 'wish': 1, 'wished': 2, 'with': 1, 'wizard': 1, 'woke': 1, 'wolfsbane': 1, 'wondering': 1, 'word': 1, 'words': 1, 'worried': 1, 'worse': 1, 'would': 9, 'wrenched': 1, 'year': 2, 'years': 1, 'yesterday': 1, 'zombie': 1}), 'perfectly': Counter({'cheerful': 1, 'however': 1, 'know': 1, 'normal': 2, 'ordinary': 1, 'pointing': 1, 'tired': 1, 'well': 1, 'were': 1}), 'normal': Counter({'back': 2, 'behavior': 1, 'ever': 1, 'least': 1, 'like': 1, 'mirror': 1, 'next': 1, 'nice': 1, 'owl-free': 1, 'perfectly': 2, 'talking': 1, 'tall': 1, 'thank': 1, 'this': 2, 'told': 1, 'want': 1, 'year': 1}), 'thank': Counter({'about': 1, 'back': 1, 'feet': 1, 'fond': 1, 'goodness': 1, 'hagrid': 2, 'meant': 2, 'nearer': 1, 'normal': 1, 'said': 1, 'tweak': 1, 'very': 1, 'what': 1, 'words': 1}), 'very': Counter({'after': 1, 'along': 1, 'also': 1, 'angry': 3, 'anything': 1, 'appearance': 1, 'back': 1, 'bald': 1, 'ball': 1, 'battered': 2, 'battered-looking': 1, 'battle': 1, 'became': 2, 'because': 2, 'been': 2, 'behaving': 2, 'best': 1, 'both': 1, 'brave': 2, 'breathing': 1, 'bright': 1, 'came': 1, 'carefully': 1, 'cheerfully': 1, 'chest': 1, 'childishly': 1, 'close': 2, 'cold': 3, 'confused': 1, 'corridor': 1, 'curious': 3, 'd-d-do': 1, 'dangerous': 1, 'dark': 2, 'dawned': 1, 'days': 1, 'deeply': 1, 'difficult': 4, 'difficult-': 1, 'dirty': 1, 'disappointed': 1, 'distracted': 1, 'doing': 1, 'done': 1, 'dudley': 1, 'dumbledore': 1, 'dursleys': 1, 'dust': 1, 'edge': 1, 'eerie': 1, 'else': 1, 'embarrassed': 2, 'entered': 1, 'everyone': 1, 'examined': 1, 'except': 1, 'fast': 4, 'felt': 2, 'first': 3, 'fishy': 1, 'forward': 1, 'frightened': 1, 'frightening': 1, 'frog': 1, 'funny': 2, 'glad': 1, 'gone': 2, 'good': 11, 'gotten': 1, 'great': 1, 'green': 1, 'grip': 1, 'gryffindor': 1, 'hagrid': 1, 'hair': 1, 'happened': 1, 'happy': 1, 'hard': 4, 'harry': 3, 'hated': 1, 'have': 2, 'heart': 1, 'heavy': 1, 'here': 1, 'hermione': 1, 'hopeful': 1, 'hygienic': 1, 'ideas': 1, 'important': 5, 'imprecise': 1, 'impressed': 1, 'indeed': 2, 'inky': 1, 'interested': 1, 'interesting': 2, 'jewels': 1, 'judging': 1, 'kind': 1, 'knew': 1, 'know': 2, 'large': 1, 'last': 5, 'least': 1, 'light': 1, 'like': 1, 'long': 4, 'look': 3, 'looked': 5, 'looking': 4, 'lumpy': 1, 'mcgonagall': 1, 'mean': 1, 'merry': 1, 'might': 1, 'mirror': 1, 'moment': 2, 'mood': 1, 'more': 1, 'much': 2, 'muffled': 1, 'muggles': 1, 'mysteriously': 1, 'nasty': 2, 'nervous': 2, 'nervously': 1, 'next': 1, 'nice': 2, 'noisy': 1, 'nose': 1, 'nothing': 1, 'noticed': 1, 'other': 2, 'painful': 2, 'pale': 1, 'peculiar': 1, 'pitch-black': 1, 'place': 2, 'pleased': 2, 'pointing': 1, 'pomfrey': 1, 'portrait': 1, 'powerful': 1, 'pretty': 1, 'prickled': 1, 'properly': 1, 'pulled': 2, 'quiet': 1, 'really': 1, 'received': 1, 'reeled': 1, 'relieved': 1, 'room': 1, 'safe': 1, 'said': 3, 'scared': 1, 'scratchy': 1, 'second': 1, 'secret': 1, 'seem': 1, 'seemed': 1, 'selfish': 1, 'seriously': 1, 'shadows': 1, 'shaken': 1, 'sighed': 1, 'sight': 1, 'skin': 1, 'slow': 1, 'slowly': 2, 'small': 1, 'smiling': 1, 'solid': 1, 'something': 2, 'sore': 1, 'sorting': 1, 'special': 1, 'stern': 2, 'still': 2, 'strange': 3, 'strict': 2, 'stupid': 1, 'suddenly': 1, 'sunny': 1, 'supposed': 1, 'tasty': 1, 'terrified': 2, 'thank': 1, 'that': 3, 'their': 4, 'them': 4, 'there': 3, 'they': 2, 'thin': 2, 'this': 6, 'thought': 2, 'tightly': 1, 'times': 1, 'trouble': 1, 'trust': 1, 'turn': 1, 'turned': 2, 'umbrella': 1, 'untidy': 2, 'unusually': 1, 'useful': 1, 'very': 2, 'vicious': 1, 'wand': 1, 'watch': 1, 'watched': 1, 'well': 9, 'went': 1, 'were': 3, 'what': 1, 'when': 1, 'which': 2, 'whispering': 1, 'white': 1, 'wish': 1, 'woman': 2, 'wore': 1, 'worried': 1, 'would': 1, 'wrong': 1, 'youknow-who': 1, 'your': 1}), 'much': Counter({'about': 1, 'after': 1, 'allowed': 1, 'already': 1, 'awake': 1, 'because': 2, 'before': 2, 'better': 2, 'blushed': 1, 'both': 1, 'came': 1, 'cara': 1, 'chance': 1, 'cheer': 1, 'christmas': 1, 'complained': 1, 'cupboard': 1, "d'you": 1, 'does': 1, 'doing': 1, 'drive': 1, 'easier': 1, 'eaten': 2, 'everything': 1, 'except': 1, 'face': 1, 'families': 1, 'farther': 1, 'feel': 2, 'fouled': 1, 'game': 1, 'gathered': 1, 'given': 1, 'going': 1, 'good': 1, 'hang': 1, 'harry': 3, 'hate': 2, 'have': 4, 'having': 1, 'head': 1, 'heard': 1, 'help': 1, 'hold': 1, 'homework': 1, 'hufflepuff': 1, 'just': 1, 'kept': 1, 'know': 3, 'last': 1, 'later': 2, 'learn': 3, 'least': 1, 'left': 1, 'like': 3, 'liked': 1, 'listen': 1, 'longer': 2, 'malfoy': 1, 'mistaken': 1, 'money': 1, 'more': 3, 'much': 2, 'nearer': 1, 'nearly': 1, 'neck': 1, 'never': 2, 'neville': 1, 'nicer': 1, 'notice': 1, 'ollivander': 1, 'paid': 1, 'people': 1, 'piled': 1, 'point': 1, 'quiver': 1, 'room': 1, 'said': 2, 'school': 1, 'sense': 1, 'showed': 1, 'since': 1, 'sleepy': 1, 'space': 1, 'speed': 1, 'spent': 2, 'spoke': 1, 'stand': 1, 'stone': 1, 'suppose': 1, 'talk': 2, 'talking': 1, 'tell': 2, 'thankful': 1, 'their': 1, 'there': 4, 'they': 3, 'thing': 1, 'things': 1, 'think': 2, 'this': 1, 'time': 5, 'touched': 1, 'troll': 1, 'tying': 1, 'very': 2, 'walk': 1, 'wanted': 1, 'when': 1, 'while': 1, 'whole': 1, 'wondering': 1, 'work': 1, 'yourselves': 1}), 'last': Counter({'after': 1, 'again': 1, 'answer': 1, 'anxiously': 1, 'august': 1, 'back': 1, 'backpack': 1, 'ball': 1, 'bathrobe': 1, 'beds': 1, 'been': 1, 'beside': 1, 'better': 1, 'birthday': 1, 'cast': 1, 'catch': 1, 'chamber': 1, 'checkup': 1, 'chess': 1, 'chosen': 1, 'clapped': 1, 'cold': 1, 'comforting': 1, 'coming': 1, 'could': 1, 'dead': 1, 'desperate': 1, 'desserts': 1, 'disappeared': 1, 'even': 1, 'exactly': 1, 'exam': 1, 'feet': 1, 'first': 1, 'five': 2, 'forward': 1, 'found': 1, 'fourth': 1, 'from': 1, 'given': 1, 'giving': 1, 'gone': 1, 'good': 1, 'great': 1, 'gryffindor': 1, 'hagrid': 4, 'hand': 2, 'harry': 2, 'having': 1, 'hermione': 1, 'herself': 1, 'holding': 1, 'hour': 1, 'jacket': 1, 'lead': 1, 'lines': 1, 'look': 1, 'mark': 1, 'match': 1, 'meal': 1, 'meeting': 1, 'member': 1, 'mind': 1, 'minute': 1, 'missed': 1, 'month': 1, 'much': 1, 'muggles': 1, 'muttered': 1, 'night': 5, 'norbert': 1, 'only': 1, 'onto': 1, 'others': 1, 'outside': 1, 'people': 1, 'person': 1, 'place': 2, 'pointed': 1, 'potter': 2, 'proud': 1, 'quidditch': 2, 'relieved': 1, 'reliving': 1, 'report': 1, 'said': 2, 'shop': 1, 'shout': 1, 'side': 1, 'sighed': 1, 'since': 1, 'started': 1, 'stopped': 2, 'sweets': 1, 'take': 1, 'team': 1, 'terrified': 1, 'than': 3, 'that': 3, 'their': 1, 'them': 2, 'then': 1, 'there': 1, 'these': 1, 'thing': 3, 'those': 1, 'thousand': 1, 'time': 3, 'times': 1, 'together': 1, 'tree': 1, 'trunk': 1, 'tucked': 1, 'vernon': 1, 'very': 5, 'wednesday': 1, 'week': 1, 'went': 1, 'were': 1, 'where': 1, 'with': 3, 'woke': 1, 'wood': 1, 'word': 2, 'words': 1, 'year': 6, 'youngest': 1, 'yourself': 1}), 'people': Counter({'about': 3, 'admired': 1, 'after': 1, 'although': 1, 'arms': 2, 'around': 3, 'bear': 1, 'because': 1, 'behind': 2, 'being': 1, 'believe': 1, 'below': 1, 'boats': 1, 'brilliant': 1, 'call': 1, 'called': 1, 'choose': 1, 'climbed': 1, 'cloaks': 4, 'come': 2, 'could': 2, 'craning': 1, 'crowd': 1, 'dead': 1, 'different': 1, 'doing': 1, 'done': 1, 'down': 1, 'dressed': 2, 'drifted': 1, 'drumming': 1, 'emptied': 1, 'even': 1, 'expect': 1, 'felt': 1, 'find': 1, 'floor': 1, 'forward': 1, 'from': 1, 'full': 1, 'funny': 1, 'funny-looking': 1, 'gasped': 1, 'grappling': 1, 'group': 1, 'groups': 1, 'gryffindor': 1, 'harry': 1, 'have': 2, 'heads': 2, 'held': 1, 'here': 1, 'holes': 1, 'house': 1, 'hugging': 1, 'hurrying': 2, 'invisible': 1, 'jostled': 2, 'just': 1, 'killed': 1, 'last': 1, 'laughed': 1, 'laughing': 1, 'leaky': 1, 'left': 2, 'less': 1, 'like': 1, 'liked': 1, 'lining': 1, 'live': 1, 'loads': 1, 'lots': 2, 'made': 1, 'many': 2, 'mean': 1, 'meeting': 1, 'minds': 2, 'mirror': 1, 'moment': 1, 'much': 1, 'mysterious': 1, 'next': 1, 'nicer': 1, 'nodded': 1, 'only': 1, 'ordinary': 2, 'other': 2, 'outlines': 1, 'outside': 1, 'over': 1, 'pair': 1, 'passed': 1, 'perhaps': 1, 'persuade': 1, 'pile': 1, 'pointed': 1, 'portraits': 2, 'pushed': 1, 'quickly': 1, 'rarely': 1, 'reason': 1, 'said': 2, 'school': 1, 'screams': 1, 'several': 1, 'shame': 1, 'shoes': 1, 'showing': 1, 'side': 1, 'sign': 1, 'stand': 1, 'standing': 1, 'stared': 1, 'steady': 1, 'still': 2, 'stopped': 1, 'stuff': 1, 'stupid': 1, 'suddenly': 1, 'suppose': 1, 'supposed': 1, 'telling': 3, 'that': 5, 'them': 1, 'there': 1, 'these': 5, 'they': 2, 'things': 1, 'this': 2, 'those': 3, 'though': 2, 'thought': 1, 'three': 1, 'throughout': 1, 'tickets': 1, 'toward': 1, 'town': 1, 'trying': 1, 'wander': 1, 'watching': 1, 'went': 1, 'were': 4, 'will': 3, 'with': 1, 'work': 1, 'world': 1, 'worse': 1, 'would': 1, 'young': 1}), 'expect': Counter({'astonishing': 1, 'great': 2, 'gruffly': 1, 'hang': 1, 'involved': 1, 'know': 1, 'lotta': 1, 'magic': 1, 'must': 1, 'people': 1, 'presents': 1, 'professor': 1, 'realized': 1, 'remember': 1, 'snape': 1, 'soon': 1, 'that': 1, 'there': 1, 'they': 1, 'told': 1, 'turnips': 1, 'well': 1, 'what': 1, 'will': 1, 'would': 1}), 'involved': Counter({'anything': 1, 'course': 1, 'effort': 1, 'expect': 1, 'flamel': 1, 'nearly': 1, 'punching': 1, 'there': 2, 'were': 1}), 'anything': Counter({'able': 1, 'about': 5, 'acting': 1, 'against': 1, 'ages': 1, 'beautiful': 1, 'because': 1, 'best': 1, 'brave': 1, 'braver': 1, 'business': 1, 'buying': 1, 'cart': 1, 'comfort': 1, 'could': 3, 'desperate': 1, 'done': 1, 'eating': 2, 'either': 1, 'else': 6, 'except': 1, 'explain': 1, 'felt': 1, 'find': 1, 'force': 1, 'found': 1, 'from': 1, 'give': 2, 'given': 1, 'gives': 1, 'going': 1, 'gryffindors': 1, 'happens': 1, 'harry': 6, 'have': 2, 'having': 1, 'hear': 1, 'here': 1, 'horrible': 1, 'interfere': 1, 'involved': 1, 'just': 1, 'know': 2, 'leave': 1, 'like': 2, 'look': 1, 'mention': 1, 'miss': 1, 'mixed': 1, 'neither': 1, 'never': 3, 'neville': 1, 'norbert': 1, 'noticed': 1, 'noticing': 1, 'offended': 1, 'ourselves': 1, 'past': 1, 'person': 1, 'read': 1, 'rustling': 1, 'said': 7, 'saying': 1, 'seen': 2, 'share': 1, 'shout': 1, 'some': 1, 'sometimes': 1, 'strange': 1, 'taken': 1, 'tasted': 1, 'tell': 1, 'than': 4, 'that': 7, 'their': 1, 'them': 1, 'there': 2, 'these': 1, 'they': 4, 'think': 4, 'took': 1, 'touch': 1, 'very': 1, 'want': 2, 'wanted': 1, 'what': 1, 'where': 2, 'whispered': 1, 'wife': 1, 'wild-looking': 1, 'with': 5, 'wonderful': 1, 'world': 1, 'would': 2, 'wrong': 1}), 'strange': Counter({'about': 1, 'again': 1, 'anythin': 1, 'anything': 1, 'blinked': 1, 'care': 1, 'dream': 1, 'exciting': 1, 'floor': 1, 'glasses': 1, 'just': 2, 'looked': 1, 'more': 1, 'mysterious': 2, 'nearsighted': 1, 'noticed': 1, 'other': 1, 'plants': 1, 'problem': 1, 'reason': 1, 'sent': 1, 'silver': 1, 'some': 1, 'somehow': 1, 'something': 1, 'splendid': 1, 'strangers': 1, 'such': 1, 'telescopes': 1, 'that': 1, 'things': 2, 'touch': 1, 'very': 3, 'vision': 1, 'ways': 1, 'with': 2, 'wizards': 1, 'work': 1}), 'mysterious': Counter({'about': 1, 'because': 1, 'bother': 1, 'daylight': 1, 'most': 1, 'nothing': 1, 'object': 1, 'over': 1, 'people': 1, 'strange': 2, 'things': 1}), 'because': Counter({'-face': 1, 'anymore': 1, 'anything': 1, 'approve': 1, 'arms': 1, 'back': 1, 'been': 1, 'before': 1, 'bent': 1, 'busy': 1, 'catch': 1, 'ceremony': 1, 'chosen': 1, 'christmas': 1, 'crabbe': 1, 'cupboard': 1, 'danger': 1, 'dark': 1, 'deal': 1, 'destiny': 1, 'difficulty': 1, 'dodge': 1, 'done': 1, 'dragon': 1, 'dudley': 2, 'dumbledore': 1, 'duties': 1, 'else': 2, 'ever': 1, 'everyone': 1, 'fast': 1, 'fell': 1, 'felt': 2, 'filch': 1, 'floor': 1, 'follow': 1, 'footsteps': 1, 'forest': 1, 'forward': 1, 'funny': 1, 'george': 1, 'good': 2, 'grandmother': 1, 'griphook': 1, 'guess': 1, 'hagrid': 1, 'harry': 2, 'hated': 1, 'hates': 1, 'have': 1, 'hedwig': 2, 'here': 1, 'jeans': 1, 'jumped': 1, 'knickerbocker': 1, 'know': 2, 'legs': 1, 'life': 1, 'listening': 1, 'looked': 1, 'looks': 1, 'lucky': 1, 'made': 1, 'maybe': 1, 'missed': 1, 'moment': 1, 'monstrous': 1, 'mother': 1, 'mrs.': 1, 'much': 2, 'mysterious': 1, 'nerves': 1, 'never': 1, 'neville': 3, 'norbert': 1, 'noses': 1, 'once': 2, 'only': 2, 'other': 1, 'penalty': 1, 'people': 1, 'perhaps': 2, 'play': 1, 'potions': 1, 'prefect': 1, 'professor': 1, 'quickly': 1, 'quidditch': 1, 'read': 1, 'really': 1, 'reason': 1, 'relief': 1, 'remember': 1, 'remembrall': 1, 'safe': 1, 'said': 2, 'second': 2, 'seeker': 1, 'seemed': 1, 'shortcut': 1, 'sister': 2, 'slip': 1, 'smell': 1, 'smiling': 1, 'soft': 1, 'spiders': 1, 'staying': 1, 'struggle': 1, 'tantrum': 1, 'tape': 1, 'television': 1, 'that': 1, 'then': 1, 'there': 2, 'these': 1, 'they': 11, 'though': 1, 'thought': 1, 'times': 1, 'tired': 1, 'tower': 1, 'trees': 1, 'tried': 1, 'troll': 1, 'true': 1, 'trying': 1, 'turned': 1, 'twins': 1, 'usually': 1, 'very': 2, 'want': 1, 'wanted': 1, 'watched': 1, 'wear': 1, 'week': 1, 'well': 1, 'went': 1, 'whichever': 1, 'while': 1, 'wood': 1, 'would': 1, 'year': 1}), 'just': Counter({'abnormal': 1, 'above': 1, 'again': 2, 'ahern': 1, 'annoy': 1, 'anymore': 1, 'anything': 1, 'anyway': 1, 'anywhere': 1, 'arms': 1, 'arrived': 2, 'asked': 1, 'astounding': 1, 'awarded': 1, 'away': 2, 'back': 2, 'bags': 1, 'bang': 1, 'banks': 1, 'been': 2, 'before': 2, 'behind': 2, 'best': 1, 'better': 1, 'bitten': 1, 'black': 1, 'body-bind': 1, 'broomstick': 1, 'brought': 1, 'brushed': 1, 'build': 1, 'bundle': 1, 'case': 1, 'caught': 1, 'chained': 1, 'chimed': 1, 'come': 1, 'convinced': 1, 'could': 3, 'course': 1, 'darkly': 1, 'decoration': 1, 'delight': 1, 'desktop': 1, 'dived': 1, 'done': 1, 'down': 1, 'drunk': 1, 'dudley': 2, 'dunno': 1, 'dursleys': 1, 'else': 1, 'enemies': 1, 'exams': 1, 'expelled': 1, 'explain': 1, 'explained': 1, 'eyes': 2, 'faces': 1, 'fact': 1, 'famous': 1, 'favorite': 1, 'feather': 1, 'feeling': 2, 'fine': 2, 'finished': 2, 'fitted': 1, 'five': 1, 'flamel': 1, 'flatly': 1, 'flexible': 1, 'flitwick': 1, 'forgot': 1, 'found': 1, 'fred': 1, 'from': 1, 'front': 1, 'gaped': 1, 'gave': 1, 'ghosts': 1, 'give': 2, 'glinting': 1, 'going': 2, 'gold': 1, 'good': 1, 'gotten': 1, 'grabbed': 1, 'gringotts': 1, 'gryffindor': 1, 'guardin': 1, 'guess': 1, 'gulped': 1, 'hall': 1, 'hand': 1, 'happens': 1, 'harry': 13, 'have': 3, 'head': 2, 'heard': 1, 'helping': 1, 'here': 4, 'high': 1, 'hogwarts': 1, 'hold': 1, 'home': 1, 'hope': 2, 'horrified': 1, 'hurtled': 1, 'impressed': 1, 'inside': 1, 'interested': 1, 'interesting': 1, 'kick': 1, 'kill': 1, 'knew': 3, 'leave': 1, 'left': 2, 'length': 1, 'letter': 1, 'like': 7, 'liked': 1, 'line': 1, 'little': 2, 'long': 1, 'look': 1, 'looked': 1, 'looking': 1, 'loyal': 1, 'lucky': 1, 'made': 1, 'make': 1, 'malfoy': 1, 'managing': 1, 'matches': 1, 'maybe': 2, 'missed': 1, 'money': 1, 'more': 2, 'mother': 1, 'move': 1, 'much': 1, 'natural': 1, 'near': 1, 'never': 1, 'news': 1, 'norbert': 1, 'nothing': 1, 'noticed': 1, 'obviously': 1, 'occurred': 1, 'ollivanders': 1, 'only': 6, 'ordinary': 1, 'other': 1, 'outside': 1, 'pack': 1, 'package': 1, 'paisley': 1, 'passed': 2, 'people': 1, 'petunia': 1, 'pinned': 1, 'pity': 1, 'plunged': 1, 'pocket': 1, 'poking': 1, 'popped': 1, 'potter': 2, 'practice': 1, 'pretending': 1, 'proud': 1, 'questions': 1, 'quickly': 1, 'raised': 2, 'reached': 1, 'read': 1, 'realized': 1, 'reflection': 1, 'remember': 1, 'remembered': 1, 'robes': 1, 'said': 4, 'same': 4, 'scared': 1, 'sent': 1, 'should': 1, 'shows': 1, 'skyward': 1, 'sleepily': 1, 'small': 1, 'smoked': 1, 'snake': 1, 'snape': 4, 'snoozed': 1, 'some': 1, 'someone': 2, 'sort': 1, 'sounding': 1, 'spells': 1, 'started': 1, 'state': 1, 'stay': 1, 'stone': 1, 'stopped': 1, 'stopping': 1, 'strange': 2, 'streamed': 1, 'strict': 1, 'such': 1, 'swallowed': 1, 'table': 2, 'take': 2, 'taken': 1, 'taking': 1, 'taught': 1, 'teachers': 1, 'tell': 2, 'telling': 1, 'than': 1, 'that': 3, 'them': 2, 'themselves': 1, 'then': 2, 'there': 2, 'they': 11, 'thing': 1, 'think': 3, 'this': 2, 'though': 1, 'thought': 5, 'time': 5, 'toast': 1, 'train': 1, 'turned': 1, 'turns': 1, 'types': 1, 'unicorns': 1, 'visible': 1, 'voice': 1, 'wait': 1, 'wall': 1, 'walls': 1, 'wand': 1, 'want': 1, 'wanted': 3, 'warned': 1, 'week': 1, 'well': 1, 'were': 1, 'what': 4, 'whispered': 1, 'with': 1, 'wondered': 1, 'wondering': 1, 'wood': 1, 'worth': 1, 'year': 1, 'years': 1, 'yerself': 1, 'your': 1}), 'hold': Counter({'able': 2, 'collar': 1, 'gets': 1, 'gettin': 1, 'hands': 1, 'harry': 1, 'just': 1, 'keep': 2, 'look': 1, 'managing': 1, 'master': 1, 'much': 1, 'number': 1, 'only': 1, 'quill': 1, 'quirrell': 1, 'snape': 1, 'stone': 1, 'then': 1, 'tight': 1, 'with': 1, 'your': 1}), 'with': Counter({'-then': 1, 'about': 1, 'afraid': 1, 'again': 1, 'agreed': 1, 'alchemy': 2, 'allowed': 1, 'already': 1, 'always': 1, 'angry': 1, 'animals': 2, 'another': 2, 'anticheating': 1, 'anxiety': 1, 'anyone': 1, 'anythin': 2, 'anything': 5, 'argument': 1, 'arms': 1, 'around': 4, 'aside': 1, 'asleep': 1, 'astonishing': 1, 'aunt': 1, 'away': 3, 'back': 4, 'bandaged': 1, 'bane': 1, 'barrels': 1, 'bars': 1, 'bated': 1, 'beard': 1, 'beefy': 1, 'been': 2, 'beet': 1, 'before': 1, 'behind': 3, 'being': 2, 'bent': 1, 'bewildered': 1, 'bewitched': 1, 'bits': 1, 'blank': 1, 'blast': 1, 'blinding': 1, 'blonde': 1, 'bloody': 1, 'blow': 1, 'body': 1, 'books': 2, 'bored': 1, 'both': 3, 'bought': 1, 'boulder': 1, 'boys': 1, 'breath': 1, 'bright': 1, 'broomstick': 1, 'broomsticks': 2, 'brothers': 1, 'brought': 1, 'brown': 1, 'buffalo': 1, 'bulging': 1, 'busy': 3, 'buzzing': 1, 'cackled': 1, 'cake': 2, 'came': 1, 'candy': 1, 'cards': 2, 'careful': 1, 'castle': 1, 'caught': 1, 'cauldron': 1, 'ceiling': 2, 'centaurs': 1, 'chair': 1, 'cheering': 1, 'cheers': 1, 'chessmen': 1, 'chest': 1, 'chicken': 1, 'child': 1, 'chopped': 1, 'christmas': 1, 'classes': 1, 'classroom': 1, 'clear': 1, 'club': 3, 'cold': 4, 'come': 3, 'coming': 2, 'company': 1, 'compared': 1, 'concerned': 2, 'contact': 1, 'corridors': 1, 'could': 2, 'covered': 1, 'crabbe': 1, 'cracker': 1, 'cracking': 1, 'crate': 1, 'creature': 1, 'crossbow': 1, 'crowded': 1, 'cupboard': 1, 'curled': 1, 'damaged': 1, 'damp': 1, 'dangerous': 1, 'dark': 1, 'daughter': 1, 'dead': 1, 'deafening': 1, 'deal': 1, 'dean': 1, 'decide': 1, 'deep': 1, 'devon': 1, 'difficulty': 1, 'disagree': 1, 'door': 1, 'dotted': 1, 'down': 2, 'dragon': 2, 'dragons': 1, 'dreadlocks': 1, 'drive': 1, 'dropped': 1, 'dudley': 5, 'dumbledore': 6, 'dumpy': 1, 'dungeons': 1, 'dunno': 1, 'dursleys': 6, 'each': 1, 'eating': 1, 'either': 1, 'else': 1, 'enemies': 1, 'enough': 1, 'even': 2, 'everyone': 1, 'everything': 1, 'evil': 1, 'exploded': 1, 'eyed': 1, 'eyes': 1, 'face': 3, 'faces': 1, 'families': 1, 'family': 1, 'fang': 2, 'father': 2, 'fear': 1, 'filled': 1, 'filling': 2, 'five': 3, 'flaming': 3, 'flat': 1, 'flickering': 1, 'flint': 1, 'floor': 2, 'flump': 1, 'flushed': 1, 'flying': 1, 'food': 1, 'forehead': 2, 'forest': 1, 'forward': 1, 'freckles': 1, 'fred': 1, 'friendly': 2, 'friends': 2, 'from': 1, 'front': 1, 'frozen': 1, 'funny': 1, 'furious': 2, 'fury': 1, 'game': 2, 'gangling': 1, 'gasped': 1, 'gently': 1, 'gift': 1, 'girl': 2, 'glaring': 1, 'glee': 1, 'glittering': 2, 'goblins': 1, 'going': 1, 'gold': 1, 'good': 1, 'grappling': 1, 'grass': 1, 'grate': 1, 'greasy': 1, 'great': 6, 'grief': 1, 'gringotts': 1, 'griphook': 1, 'ground': 1, 'grounds': 1, 'gryffindor': 1, 'hagrid': 10, 'hair': 3, 'half': 1, 'hall': 1, 'hand': 3, 'hands': 6, 'happened': 1, 'happy': 1, 'hardly': 1, 'harry': 20, 'have': 3, 'head': 4, 'heads': 1, 'hedwig': 1, 'heel': 1, 'help': 2, 'herbology': 1, 'hermione': 5, 'high': 1, 'himself': 4, 'hinges': 1, 'hobbled': 1, 'hogwarts': 2, 'hold': 1, 'holding': 1, 'hoops': 2, 'horrible': 1, 'house': 1, 'howled': 1, 'howling': 1, 'howls': 2, 'hufflepuff': 1, 'humans': 1, 'hundreds': 1, 'hung': 1, 'hunger': 1, 'hurt': 1, 'interfere': 1, 'interfering': 1, 'invisibility': 1, 'just': 1, 'keep': 1, 'kitchen': 1, 'knees': 1, 'knocked': 1, 'know': 5, 'knuckles': 1, 'laid': 1, 'landed': 1, 'large': 1, 'last': 3, 'last-minute': 1, 'later': 1, 'latest': 1, 'laughter': 3, 'leaky': 1, 'letter': 2, 'level': 2, 'library': 1, 'life': 3, 'like': 1, 'lined': 1, 'lines': 1, 'little': 2, 'live': 2, 'lived': 1, 'living': 1, 'long': 3, 'look': 2, 'looks': 1, 'lose': 1, 'loud': 1, 'loudly': 1, 'lumps': 1, 'lurched': 1, 'lying': 1, 'madam': 1, 'magic': 1, 'mahogany': 1, 'making': 1, 'malfoy': 2, 'many': 1, 'massive': 1, 'matter': 3, 'mcgonagall': 1, 'mcguffin': 1, 'measure': 1, 'mess': 2, 'might': 1, 'mingled': 1, 'misty': 1, 'mixed': 2, 'mixing': 1, 'mixture': 2, 'month': 1, 'more': 1, 'most': 1, 'mother': 2, 'mouth': 1, 'mrs.': 1, 'muggles': 4, 'mustache': 1, 'nail': 1, 'narrowly': 1, 'nasty': 2, 'nerves': 1, 'nervously': 1, 'never': 1, 'neville': 2, 'next': 1, 'nice': 2, 'night': 1, 'nose': 3, 'nothing': 2, 'ones': 1, 'only': 3, 'open': 2, 'opened': 1, 'orange': 1, 'ornate': 1, 'other': 2, 'others': 1, 'outside': 1, 'over': 5, 'owlery': 1, 'owls': 1, 'packages': 1, 'packed': 3, 'pain': 2, 'pale': 2, 'parchment': 1, 'partner': 2, 'passageway': 1, 'passed': 1, 'patchwork': 1, 'peeves': 1, 'pelt': 1, 'people': 1, 'person': 1, 'piece': 1, 'piers': 1, 'pile': 1, 'piled': 1, 'pipe': 1, 'plate': 1, 'platforms': 1, 'play': 1, 'played': 1, 'pleased': 4, 'pockets': 2, 'point': 2, 'pointing': 1, 'poke': 1, 'poles': 1, 'potions': 2, 'potters': 1, 'practice': 1, 'prefects': 1, 'problems': 2, 'prodded': 1, 'professor': 1, 'pulled': 1, 'quaffle': 4, 'quidditch': 1, 'quirrell': 1, 'racket': 1, 'radish': 1, 'rage': 1, 'raised': 1, 'raisins': 1, 'raspberry': 1, 'rather': 2, 'rattling': 1, 'real': 1, 'reason': 1, 'relax': 1, 'relief': 1, 'remembrall': 1, 'rest': 4, 'results': 1, 'riffraff': 1, 'roar': 1, 'rock': 1, 'room': 2, 'rumbling': 1, 'safe': 2, 'said': 5, 'same': 1, 'sandy': 1, 'scabby': 1, 'school': 1, 'score': 1, 'scotch': 1, 'scrawny': 1, 'screams': 1, 'seamus': 1, 'seating': 1, 'seemed': 1, 'seven': 1, 'seventeen': 1, 'shaking': 2, 'share': 1, 'sharing': 1, 'shelf': 1, 'shimmering': 1, 'shiny': 1, 'shock': 2, 'shop': 2, 'shopping': 1, 'shops': 1, 'shriveled': 1, 'shut': 1, 'sickening': 1, 'sigh': 1, 'sign': 1, 'silver': 2, 'sitting': 1, 'slight': 1, 'slytherins': 2, 'small': 1, 'smartly': 1, 'smelting': 3, 'snape': 2, 'snapped': 1, 'sneaking': 1, 'sneer': 1, 'snitch': 1, 'snout': 1, 'snowy': 1, 'some': 6, 'something': 5, 'somewhere': 1, 'sorcerer': 1, 'soul': 1, 'sound': 1, 'sparkling': 1, 'speechless': 1, 'spot': 1, 'spring': 1, 'stack': 1, 'stacked': 1, 'stained': 1, 'standing': 2, 'stars': 1, 'start': 1, 'station': 1, 'stay': 1, 'stone': 3, 'stood': 1, 'stop': 1, 'strange': 2, 'stranger': 1, 'strangled': 1, 'striped': 1, 'struggled': 1, 'struggling': 1, 'students': 2, 'stupid': 1, 'substance': 1, 'such': 4, 'sunburn': 1, 'suppose': 1, 'sweaters': 1, 'swish': 1, 'swung': 1, 'table': 1, 'tall': 1, 'teacher': 1, 'teachers': 1, 'tears': 1, 'television': 1, 'terror': 1, 'terry': 1, 'that': 5, 'their': 6, 'them': 3, 'there': 8, 'these': 2, 'they': 1, 'thing': 1, 'things': 1, 'this': 1, 'those': 1, 'three': 2, 'thud': 1, 'tightly': 1, 'time': 1, 'times': 1, 'tingle': 1, 'tiny': 1, 'toadless': 1, 'together': 2, 'tongue': 1, 'topmost': 1, 'train': 1, 'trained': 1, 'treated': 1, 'trembled': 1, 'trembling': 1, 'trolls': 1, 'trouble': 2, 'trunk': 1, 'trunks': 1, 'trying': 1, 'twin': 1, 'twins': 2, 'twisted': 2, 'unpleasant': 1, 'unwrap': 1, 'upstairs': 1, 'vacation': 1, 'vanishing': 1, 'vernon': 1, 'voice': 1, 'voldemort': 1, 'waist': 1, 'walked': 1, 'walking': 1, 'wand': 4, 'warmth': 1, 'watched': 1, 'water': 1, 'wave': 1, 'weasleys': 1, 'weather': 1, 'well': 1, 'went': 3, 'were': 3, 'what': 6, 'whatever': 1, 'wheezing': 1, 'when': 1, 'where': 1, 'wherever': 1, 'white': 3, 'wicked': 1, 'wide': 1, 'wife': 1, 'window': 1, 'windows': 2, 'with': 2, 'woke': 1, 'woman': 1, 'word': 1, 'words': 2, 'work': 2, 'working': 2, 'would': 1, 'wrestling': 1, 'wrinkled': 1, 'wrong': 4, 'you-know-who': 1, 'young': 1, 'youngsters': 1, 'your': 2, 'yourself': 1, 'yourselves': 1}), 'such': Counter({'advice': 1, 'been': 1, 'biased': 1, 'bossy': 1, 'christmas': 1, 'commit': 1, 'crime': 1, 'ever': 1, 'force': 1, 'good': 2, 'harry': 1, 'heard': 1, 'heavy': 1, 'imagined': 1, 'just': 1, 'lies': 1, 'life': 2, 'need': 1, 'never': 2, 'news': 1, 'nonsense': 1, 'piercing': 1, 'potter': 1, 'really': 1, 'strange': 1, 'surprise': 1, 'tell': 1, 'that': 1, 'thing': 2, 'though': 1, 'tries': 1, 'unusual': 1, 'warm': 1, 'with': 4, 'wonderful': 1}), 'nonsense': Counter({'dangerous': 1, 'dursley': 1, 'eleven': 1, 'hear': 1, 'know-who': 1, 'such': 1, 'that': 1, 'this': 1}), 'director': Counter({'dursley': 1, 'firm': 1, 'glass': 1, 'himself': 1}), 'firm': Counter({'called': 1, 'director': 1, 'grip': 1, 'plant': 1}), 'called': Counter({'after': 1, 'ball': 1, 'been': 1, 'before': 1, 'boaters': 1, 'book': 1, 'branches': 1, 'broom': 1, 'chasers': 1, 'come': 1, 'dudley': 1, 'dumbledore': 1, 'face': 2, 'fell': 1, 'firm': 1, 'flitwick': 1, 'flourish': 1, 'gave': 1, 'giant': 1, 'gred': 1, 'grunnings': 1, 'gryffindor': 1, 'hagrid': 6, 'harry': 7, 'hats': 1, 'houses': 1, 'incredible': 1, 'keeper': 1, 'knock': 1, 'know': 2, 'light': 1, 'madam': 1, 'money': 1, 'more': 1, 'mrs.': 1, 'muggle': 1, 'name': 1, 'nephew': 1, 'nicolas': 1, 'okay': 1, 'others': 1, 'over': 2, 'owned': 1, 'people': 1, 'person': 1, 'pointing': 1, 'potter': 2, 'professor': 1, 'quaffle': 1, 'quidditch': 1, 'ready': 1, 'same': 1, 'seeker': 1, 'shop': 1, 'show': 1, 'side': 1, 'small': 1, 'snape': 1, 'someone': 1, 'taking': 1, 'that': 3, 'them': 4, 'they': 1, 'toad': 1, 'twin': 1, 'what': 1, 'wish': 1, 'witch': 1}), 'grunnings': Counter({'arrived': 1, 'called': 1, 'parking': 1, 'which': 1}), 'which': Counter({'advice': 1, 'ages': 1, 'alive': 1, 'almost': 1, 'also': 1, 'apothecary': 1, 'asleep': 1, 'back': 1, 'bangs': 1, 'basking': 1, 'beard': 1, 'been': 3, 'bigger': 1, 'birdcage': 1, 'bludger': 1, 'came': 1, 'carried': 1, 'case': 1, 'chessmen': 1, 'clamped': 1, 'clanged': 1, 'classroom': 1, 'cliff': 1, 'cloak': 1, 'club': 1, 'confusing': 1, 'cough': 1, 'could': 1, 'curse': 1, 'dangling': 1, 'dappled': 1, 'decide': 1, 'difficult': 1, 'distance': 1, 'dive': 1, 'dragged': 1, 'drew': 1, 'drink': 1, 'drive': 1, 'emporium': 1, 'ever': 1, 'everyone': 2, 'exams': 1, 'expelled': 1, 'fascinating': 1, 'fastened': 1, 'fell': 1, 'fighting': 1, 'finding': 1, 'finnigan': 1, 'first': 2, 'flew': 1, 'foot': 1, 'forehead': 1, 'fred': 1, 'from': 1, 'fudge': 1, 'garlic': 1, 'gave': 2, 'gray': 1, 'groaned': 1, 'grunnings': 1, 'hall': 1, 'hand': 1, 'happy': 1, 'head': 3, 'help': 1, 'home': 1, 'into': 1, 'kept': 1, 'know': 2, 'lake': 1, 'lamp': 1, 'left': 1, 'letter': 1, 'life': 1, 'line': 1, 'listening': 1, 'looked': 1, 'lucky': 1, 'made': 3, 'magic': 1, 'marble': 1, 'means': 2, 'measure': 1, 'measuring': 1, 'might': 1, 'neck': 1, 'need': 1, 'never': 1, 'nice': 1, 'once': 1, 'only': 2, 'open': 1, 'opened': 1, 'other': 1, 'out-of-bounds': 1, 'over': 1, 'passageway': 1, 'pick': 1, 'pile': 1, 'plant': 1, 'pocket': 1, 'positive': 1, 'reason': 1, 'relief': 1, 'rifle': 1, 'room': 1, 'rose': 1, 'sagged': 1, 'sandwiches': 1, 'seeker': 1, 'seemed': 3, 'shelf': 1, 'silent': 1, 'smile': 1, 'smooth': 1, 'sofa': 3, 'squid': 1, 'stamp': 1, 'stick': 1, 'still': 1, 'stood': 1, 'suddenly': 1, 'sure': 1, 'surely': 1, 'swung': 1, 'table': 1, 'television': 1, 'tell': 1, 'temper': 1, 'they': 3, 'things': 1, 'this': 1, 'touch': 1, 'tower': 1, 'trapdoor': 1, 'tunnel': 1, 'turban': 1, 'turned': 2, 'very': 2, 'watch': 1, 'went': 2, 'were': 4, 'which': 2, 'will': 2, 'windowsill': 1, 'wondering': 1, 'worse': 1, 'wrapped': 1, 'written': 1, 'your': 1}), 'made': Counter({'another': 1, 'aunt': 2, 'because': 1, 'been': 1, 'being': 2, 'blaise': 1, 'both': 1, 'castle': 1, 'choking': 2, 'chucked': 1, 'counter': 1, 'difference': 3, 'difficult': 1, 'down': 2, 'drills': 1, 'dudley': 2, 'empty': 1, 'even': 1, 'ever': 1, 'feel': 2, 'figg': 1, 'first': 1, 'footsteps': 1, 'forward': 1, 'freeze': 1, 'funny': 1, 'furious': 1, 'grab': 1, 'granger': 1, 'groaned': 1, 'hagrid': 3, 'harry': 7, 'have': 2, 'head': 2, 'heavy': 1, 'himself': 1, 'instead': 1, 'jump': 1, 'just': 1, 'later': 1, 'like': 1, 'listening': 1, 'live': 1, 'look': 1, 'mistake': 1, 'moment': 1, 'never': 1, 'noise': 1, 'nothing': 1, 'passersby': 1, 'people': 1, 'prefect': 1, 'robe': 1, 'ronan': 1, 'room': 2, 'rubber': 1, 'sacked': 1, 'seemed': 1, 'sense': 1, 'several': 1, 'sharp': 1, 'sick': 1, 'slytherin': 1, 'snape': 1, 'sound': 1, 'strong': 1, 'sure': 1, 'swishy': 1, 'that': 8, 'their': 4, 'them': 7, 'then': 1, 'they': 2, 'things': 1, 'think': 2, 'this': 3, 'three': 1, 'throat': 1, 'together': 1, 'uneasy': 1, 'vernon': 3, 'weasley': 1, 'week': 1, 'what': 1, 'which': 3, 'whole': 1, 'willow': 1, 'yellowish': 1, 'young': 1}), 'drills': Counter({'back': 1, 'beefy': 1, 'concentrate': 2, 'dursley': 1, 'hoping': 1, 'made': 1, 'order': 1, 'that': 2, 'town': 1, 'were': 1}), 'beefy': Counter({'drills': 1, 'with': 1}), 'hardly': Counter({'another': 1, 'anyone': 1, 'believe': 2, 'cared': 1, 'championship': 1, 'changed': 1, 'could': 4, 'daring': 1, 'disappeared': 1, 'drew': 1, 'drive': 1, 'ever': 2, 'fluttered': 1, 'george': 1, 'glancing': 1, 'harry': 3, 'heard': 1, 'knowing': 1, 'lift': 1, 'liked': 1, 'neck': 1, 'night': 1, 'noticed': 1, 'raise': 1, 'raised': 1, 'slytherin': 1, 'speak': 1, 'students': 1, 'swallow': 1, 'that': 1, 'them': 1, 'they': 2, 'tried': 1, 'useless': 1, 'will': 1, 'with': 1}), 'neck': Counter({'although': 1, 'amount': 1, 'around': 3, 'back': 1, 'coughed': 1, 'fault': 1, 'fell': 1, 'from': 2, 'hardly': 1, 'harry': 3, 'knees': 1, 'malfoy': 1, 'much': 1, 'neck': 2, 'onto': 1, 'prickled': 2, 'same': 1, 'scruff': 1, 'seen': 1, 'shut': 1, 'small': 1, 'stared': 1, 'swung': 1, 'they': 1, 'troll': 1, 'vault': 1, 'which': 1, 'your': 2}), 'although': Counter({'before': 1, 'could': 1, 'empty': 1, 'faithfully': 1, 'fall': 1, 'hagrid': 1, 'have': 2, 'might': 1, 'morning': 1, 'neck': 1, 'owls': 1, 'people': 1, 'tears': 1, 'that': 4, 'this': 1, 'today': 1, 'were': 1, 'whispered': 1}), 'have': Counter({"'you-know-who": 1, 'about': 1, 'agrippa': 1, 'already': 3, 'also': 1, 'although': 2, 'always': 1, 'another': 4, 'anything': 2, 'around': 1, 'aunt': 1, 'back': 5, 'bank': 1, 'banks': 1, 'beaters': 1, 'because': 1, 'become': 1, 'been': 48, 'before': 2, 'believed': 1, 'best': 1, 'better': 1, 'birthday': 1, 'bludgers': 1, 'blushed': 1, 'book': 1, 'boots': 1, 'bothered': 1, 'broken': 1, 'broom': 2, 'brothers': 1, 'built': 1, 'bunny': 1, 'burned': 1, 'business': 1, 'cards': 1, 'caught': 1, 'certainly': 1, 'changed': 1, 'charlie': 2, 'chessmen': 1, 'chocolate': 1, 'classes': 1, 'clue': 2, 'come': 3, 'compartments': 1, 'copy': 1, 'cost': 1, 'could': 25, 'counted': 1, 'cracked': 1, 'crossed': 1, 'cured': 1, "d'yeh": 1, 'dark': 1, 'darling': 1, 'dead': 1, 'dear': 1, 'decent': 1, 'delayed': 1, 'didn': 1, 'died': 3, 'disappeared': 1, 'discovered': 1, 'does': 1, 'doing': 1, 'done': 7, 'down': 2, 'drop': 1, 'dudley': 2, 'dumbledore': 3, 'dundee': 1, 'earth': 1, 'eaten': 1, 'elixir': 1, 'enough': 4, 'even': 1, 'everything': 1, 'everywhere': 1, 'expected': 2, 'extraordinary': 1, 'faintest': 1, 'family': 1, 'feeling': 1, 'felt': 1, 'fight': 2, 'fighting': 1, 'find': 1, 'fitted': 1, 'five': 1, 'forgotten': 4, 'form': 1, 'found': 5, 'fred': 1, 'friar': 1, 'frog': 1, 'frogs': 1, 'from': 1, 'gambled': 1, 'george': 1, 'given': 3, 'glad': 1, 'glory': 1, 'going': 2, 'gone': 4, 'good': 5, 'gotten': 2, 'great': 1, 'gryffindor': 1, 'gryffindors': 1, 'hagrid': 5, 'hair': 1, 'half-life': 1, 'hands': 1, 'handy': 1, 'happens': 1, 'hard': 1, 'harder': 1, 'harry': 4, 'head': 1, 'heard': 3, 'hearts': 1, 'heavens': 1, 'hedwig': 1, 'here': 1, 'hermione': 1, 'himself': 1, 'hope': 1, 'house': 1, 'human': 1, 'humans': 1, 'hundred': 2, 'hurried': 1, 'hurry': 1, 'hurrying': 1, 'hurt': 1, 'impressed': 1, 'interrupted': 1, 'introduced': 1, 'invisibility': 1, 'join': 1, 'joke': 1, 'jumped': 1, 'just': 3, 'keen': 1, 'keep': 2, 'kept': 1, 'killed': 1, 'kind': 1, 'knack': 1, 'know': 5, 'known': 3, 'last-minute': 1, 'lately': 1, 'laughed': 1, 'learned': 1, 'left': 1, 'letter': 1, 'like': 2, 'little': 1, 'long': 1, 'look': 1, 'looked': 1, 'lost': 2, 'made': 2, 'managed': 2, 'mars': 1, 'might': 15, 'minded': 1, 'misery': 1, 'money': 2, 'more': 2, 'much': 4, 'muggles': 1, 'must': 24, 'myself': 1, 'name': 1, 'need': 3, 'needed': 1, 'never': 7, 'nibble': 1, 'nice': 1, 'nicolas': 1, 'none': 1, 'norbert': 1, 'nothing': 1, 'noticed': 4, 'ollivanders': 1, 'once': 1, 'only': 2, 'ounce': 1, 'owls': 2, 'passed': 1, 'pasty': 1, 'peaceful': 1, 'people': 2, 'planets': 2, 'played': 1, 'pleased': 1, 'pocket': 1, 'prefects': 1, 'pretended': 2, 'price': 1, 'punctures': 1, 'quailed': 1, 'question': 1, 'quidditch': 2, 'quite': 1, 'read': 1, 'really': 1, 'relieved': 2, 'reported': 1, 'risk': 2, 'room': 1, 'safe': 1, 'said': 6, 'same': 1, 'sausage': 1, 'save': 1, 'scars': 1, 'screamed': 1, 'seconds': 1, 'seem': 2, 'seemed': 9, 'seeming': 1, 'seems': 1, 'seen': 6, 'served': 1, 'shame': 1, 'shortly': 1, 'should': 12, 'showed': 1, 'shrunk': 1, 'sign': 1, 'silently': 2, 'since': 1, 'sister': 2, 'slain': 1, 'slowly': 1, 'slytherins': 2, 'snape': 2, 'some': 2, 'someone': 2, 'something': 2, 'special': 1, 'speedy': 1, 'start-of-term': 1, 'started': 1, 'stay': 1, 'steak': 1, 'still': 2, 'stone': 2, 'strength': 1, 'struck': 1, 'suddenly': 3, 'swooping': 1, 'sworn': 1, 'taken': 2, 'teach': 1, 'tell': 1, 'that': 7, 'their': 1, 'them': 1, 'then': 1, 'there': 4, 'they': 16, 'thief': 1, 'thirty': 1, 'this': 2, 'though': 3, 'thought': 4, 'thrown': 1, 'time': 3, 'tipped': 1, 'toast': 1, 'today': 1, 'told': 3, 'tried': 1, 'trouble': 1, 'true': 1, 'truth': 1, 'twins': 1, 'unless': 1, 'useful': 1, 'usually': 2, 'vapor': 1, 'vernon': 1, 'very': 2, 'voldemort': 1, 'walk': 1, 'walked': 2, 'want': 1, 'wasted': 1, 'watered': 1, 'weasleys': 1, 'well': 3, 'went': 1, 'were': 2, 'what': 5, 'wheeling': 1, 'when': 1, 'where': 1, 'whispered': 1, 'whole': 2, 'will': 4, 'window': 1, 'with': 3, 'wizards': 2, 'woken': 1, 'woman': 1, 'wood': 1, 'worry': 1, 'would': 17, 'wrapped': 1, 'years': 3, 'yesterday': 1, 'your': 2}), 'large': Counter({'according': 1, 'archway': 1, 'balloon': 1, 'banner': 1, 'behind': 1, 'birdcage': 1, 'bite': 1, 'black': 1, 'blond': 1, 'book': 2, 'books': 1, 'bowl': 1, 'brandy': 1, 'cage': 1, 'candy': 1, 'carried': 2, 'carrying': 3, 'chocolate': 2, 'classroom': 1, 'clock': 1, 'clutching': 1, 'crate': 1, 'creams': 1, 'crossbow': 1, 'crowd': 1, 'done': 1, 'doughnut': 1, 'enough': 1, 'especially': 1, 'except': 1, 'found': 1, 'from': 1, 'front': 1, 'gold': 1, 'green': 1, 'gryffindor': 1, 'hagrid': 1, 'homemade': 1, 'inside': 1, 'into': 2, 'ledgers': 1, 'letter': 1, 'like': 2, 'marble': 1, 'metal': 1, 'money': 1, 'mustache': 1, 'noticed': 2, 'order': 1, 'painted': 1, 'pair': 1, 'parcel': 1, 'patting': 1, 'paving': 1, 'peculiar': 1, 'petunia': 1, 'piers': 1, 'pile': 1, 'pink': 2, 'platforms': 1, 'pointing': 1, 'pulling': 1, 'purple': 2, 'putting': 1, 'rather': 1, 'ready': 1, 'rock': 1, 'screech': 1, 'scribbling': 1, 'showed': 1, 'silver': 1, 'size': 2, 'spotted': 1, 'sticky': 1, 'stone': 1, 'surrounding': 1, 'table': 1, 'taking': 2, 'tawny': 1, 'teapot': 1, 'there': 1, 'this': 1, 'though': 1, 'tree': 1, 'vernon': 1, 'very': 1, 'walnut': 1, 'with': 1, 'wooden': 1, 'yellow': 1}), 'mustache': Counter({'beard': 1, 'half': 1, 'large': 1, 'missing': 1, 'motorcycles': 1, 'mrs.': 1, 'same': 1, 'stroked': 1, 'thinking': 1, 'tufts': 1, 'underneath': 1, 'with': 1}), 'thin': Counter({'black-haired': 1, 'blonde': 1, 'dursley': 1, 'face': 1, 'gangling': 1, 'harry': 1, 'long': 3, 'package': 3, 'scar': 1, 'sprang': 1, 'tall': 3, 'very': 2, 'wrapped': 1}), 'blonde': Counter({'nearly': 1, 'pigtails': 1, 'thin': 1, 'with': 1}), 'nearly': Counter({'about': 1, 'always': 1, 'around': 1, 'back': 1, 'bitten': 1, 'blonde': 1, 'broke': 1, 'catch': 1, 'ceiling': 1, 'cheer': 1, 'cheers': 1, 'christmas': 1, 'crashed': 1, 'demanded': 1, 'drowned': 1, 'easier': 1, 'eaten': 1, 'everything': 1, 'excited': 1, 'faces': 1, 'fact': 1, 'fell': 2, 'felt': 1, 'fifteen': 1, 'flint': 1, 'fluffy': 1, 'four': 1, 'glass': 1, 'hair': 1, 'half': 1, 'harry': 1, 'headless': 7, 'hour': 1, 'interrupted': 1, 'involved': 1, 'killed': 1, 'kills': 1, 'late': 1, 'midnight': 1, 'much': 1, 'nose': 1, 'once': 1, 'ones': 1, 'open': 1, 'over': 1, 'passageways': 1, 'percy': 1, 'poking': 1, 'raised': 1, 'ripped': 1, 'said': 2, 'says': 1, 'swallowed': 1, 'them': 1, 'there': 3, 'they': 1, 'touching': 1, 'twice': 1, 'ushered': 1, 'vernon': 1, 'walked': 1, 'were': 2, 'years': 1}), 'twice': Counter({'about': 1, 'almost': 1, 'already': 1, 'around': 1, 'body': 1, 'caught': 1, 'dropped': 1, 'firs': 1, 'hagrid': 1, 'least': 1, 'minute': 1, 'nearly': 1, 'once': 2, 'only': 1, 'past': 1, 'percy': 1, 'raise': 1, 'ready': 1, 'side': 1, 'swollen': 1, 'tall': 2, 'tapped': 1, 'that': 1, 'think': 1, 'this': 1, 'usual': 2, 'wall': 1}), 'usual': Counter({'about': 1, 'amount': 1, 'another': 1, 'books': 1, 'chasing': 1, 'cool': 1, 'dudley': 1, 'else': 1, 'everyone': 1, 'hagrid': 2, 'hall': 1, 'harry': 1, 'laughed': 1, 'morning': 1, 'newspaper': 1, 'practice': 1, 'quivering': 1, 'saying': 1, 'since': 1, 'size': 1, 'spoke': 1, 'swish': 1, 'temper': 1, 'than': 3, 'there': 1, 'they': 1, 'things': 1, 'turned': 1, 'twice': 2, 'wasn': 1, 'when': 2}), 'amount': Counter({'neck': 1, 'usual': 1}), 'came': Counter({'algie': 1, 'along': 1, 'ambling': 1, 'angry': 1, 'anyone': 1, 'around': 1, 'asked': 1, 'back': 7, 'bane': 1, 'billowing': 1, 'bobbing': 1, 'both': 1, 'broomsticks': 1, 'bursting': 1, 'cart': 1, 'chasing': 1, 'clearing': 1, 'close': 1, 'could': 1, 'crate': 1, 'crawling': 1, 'cupboard': 1, 'downstairs': 1, 'dudley': 1, 'dursley': 1, 'ears': 1, 'feet': 1, 'fifth-year': 1, 'figure': 2, 'fire': 1, 'flitwicles': 1, 'floating': 1, 'from': 2, 'good-bye': 1, 'gryffindors': 1, 'hagrid': 2, 'halt': 2, 'here': 1, 'hermione': 2, 'home': 1, 'hooting': 1, 'horse': 1, 'hotel': 1, 'house': 1, 'hurrying': 1, 'hurtling': 1, 'into': 3, 'lamp': 1, 'letters': 1, 'light': 1, 'looked': 1, 'malfoys': 1, 'moving': 1, 'much': 1, 'near': 1, 'next': 2, 'norris': 1, 'oldest': 1, 'only': 1, 'outta': 1, 'over': 2, 'pelting': 1, 'petunia': 1, 'pomfrey': 1, 'quirrell': 3, 'redheaded': 1, 'restricted': 1, 'results': 1, 'ripping': 1, 'round': 2, 'rules': 1, 'school-and': 1, 'september': 1, 'shadows': 1, 'shock': 1, 'shooting': 1, 'side': 1, 'skidding': 1, 'smoke': 1, 'snape': 3, 'some': 1, 'something': 2, 'sorry': 1, 'sound': 1, 'spilling': 1, 'sprinting': 1, 'stairs': 1, 'story': 1, 'striding': 2, 'sudden': 2, 'swarming': 1, 'swiftly': 2, 'swooping': 1, 'tell': 1, 'that': 1, 'then': 3, 'they': 4, 'think': 1, 'threequarters': 1, 'time': 1, 'toothless': 1, 'tourists': 1, 'vernon': 2, 'very': 1, 'voice': 2, 'waddling': 1, 'weasley': 2, 'what': 2, 'when': 2, 'which': 1, 'whizzing': 1, 'with': 1, 'words': 1, 'working': 1, 'would': 1, 'year': 1}), 'useful': Counter({'carry': 1, 'caught': 1, 'dead': 1, 'does': 1, 'have': 1, 'something': 1, 'spent': 1, 'summat': 1, 'things': 1, 'think': 1, 'twinkled': 1, 'very': 1}), 'spent': Counter({'evening': 1, 'freckles': 1, 'half': 1, 'happy': 1, 'harry': 3, 'life': 1, 'most': 3, 'much': 2, 'possibly': 1, 'sleepless': 1, 'they': 2, 'time': 1, 'told': 1, 'useful': 1, 'weasleys': 1, 'wing': 1}), 'time': Counter({'abou': 2, 'about': 2, 'added': 1, 'after': 1, 'alas': 1, 'allowed': 1, 'almost': 1, 'another': 1, 'anyone': 1, 'around': 1, 'arrived': 1, 'aunt': 1, 'away': 1, 'back': 1, 'barely': 1, 'bidin': 1, 'bite': 1, 'breakfast': 1, 'broomstick': 1, 'came': 1, 'careful': 1, 'catch': 1, 'christmas': 1, 'come': 1, 'could': 1, 'craning': 1, 'decide': 1, 'delayed': 1, 'demands': 1, 'died': 1, 'drink': 1, 'dudley': 2, 'eating': 1, 'eggs': 1, 'especially': 1, 'ever': 1, 'every': 7, 'exams': 1, 'exchange': 1, 'explain': 1, 'eyes': 1, 'family': 1, 'first': 15, 'free': 3, 'fret': 1, 'frightenin': 1, 'front': 1, 'gets': 1, 'girl': 1, 'good': 3, 'great': 1, 'grunted': 1, 'hagrid': 3, 'harder': 1, 'harry': 5, 'have': 3, 'hear': 1, 'hedwig': 1, 'hermione': 1, 'himself': 2, 'hogwarts': 3, 'hour': 1, 'hours': 1, 'hovered': 1, 'just': 5, 'keep': 1, 'kitchen': 1, 'know': 1, 'last': 3, 'later': 1, 'less': 1, 'library': 1, 'life': 4, 'like': 1, 'long': 3, 'looking': 1, 'lost': 1, 'make': 1, 'minutes': 3, 'missing': 1, 'more': 2, 'mrs.': 1, 'much': 5, 'names': 1, 'never': 1, 'neville': 1, 'next': 1, 'noticed': 1, 'only': 2, 'passed': 2, 'please': 1, 'points': 1, 'possible': 1, 'potter': 1, 'prevent': 1, 'pull': 2, 'pulled': 1, 'punishment': 1, 'quaffle': 1, 'quiet': 1, 'racing': 1, 'read': 1, 'returned': 1, 'right': 1, 'room': 1, 'sagged': 1, 'said': 2, 'same': 2, 'school': 1, 'second': 1, 'send': 1, 'seven': 1, 'several': 1, 'shoulder': 1, 'smile': 1, 'snape': 1, 'some': 1, 'something': 2, 'spasm': 1, 'spent': 1, 'tall': 1, 'than': 1, 'that': 3, 'their': 1, 'them': 1, 'there': 1, 'they': 6, 'think': 2, 'this': 18, 'thought': 1, 'three': 1, 'trying': 1, 'walking': 1, 'want': 1, 'wanted': 1, 'waste': 1, 'wasters': 1, 'watched': 1, 'watching': 1, 'week': 1, 'what': 1, 'when': 3, 'where': 1, 'with': 1, 'wondering': 1, 'yell': 1, 'yesterday': 1, 'you-': 1, 'your': 1}), 'craning': Counter({'good': 1, 'over': 1, 'people': 1, 'time': 1}), 'over': Counter({"'course": 1, 'again': 2, 'apologized': 1, 'arms': 2, 'arrivals': 1, 'astonishment': 1, 'aunt': 1, 'babble': 2, 'back': 5, 'bacon': 1, 'barely': 1, 'beamed': 1, 'been': 1, 'bending': 1, 'bent': 1, 'biscuits': 1, 'bits': 1, 'blood': 1, 'bobbing': 1, 'books': 1, 'bottom': 1, 'branches': 1, 'bristol': 1, 'britain': 1, 'bundle': 1, 'bustled': 1, 'called': 2, 'came': 2, 'card': 1, 'carefully': 3, 'cart': 1, 'castle': 1, 'cats': 1, 'centuries': 1, 'clambered': 1, 'clasped': 1, 'clean': 1, 'climbed': 1, 'cloak': 2, 'cloaks': 1, 'clock': 1, 'could': 1, 'country': 2, 'craning': 1, 'crouching': 1, 'crowd': 1, 'daily': 1, 'damp': 1, 'dangling': 1, 'dark': 2, 'dead': 1, 'decided': 1, 'desk': 1, 'dinner': 1, 'door': 1, 'down': 3, 'drifted': 1, 'driven': 1, 'drooled': 1, 'dropped': 2, 'edge': 1, 'envelope': 1, 'excuse': 1, 'eyes': 3, 'face': 1, 'feathers': 1, 'fell': 4, 'fight': 1, 'fighting': 1, 'fire': 1, 'fireplace': 1, 'fires': 1, 'flipped': 1, 'floor': 2, 'flow': 1, 'flute': 1, 'flyin': 1, 'follow': 1, 'forehead': 1, 'forward': 1, 'four': 1, 'from': 1, 'furor': 1, 'game': 3, 'garden': 2, 'george': 1, 'getting': 1, 'glasses': 1, 'gliding': 1, 'goblin': 1, 'going': 1, 'ground': 1, 'gryffindor': 1, 'hagrid': 2, 'hair': 1, 'half-moon': 1, 'hall': 1, 'hand': 2, 'hands': 1, 'hanging': 1, 'happening': 1, 'harry': 5, 'head': 9, 'heads': 3, 'heard': 1, 'heart': 1, 'here': 2, 'hermione': 2, 'holidays': 1, 'hung': 1, 'hurried': 1, 'inside': 1, 'knock': 1, 'knocked': 2, 'lamp': 1, 'laughing': 1, 'leading': 1, 'leaned': 2, 'legs': 1, 'letters': 1, 'limped': 1, 'looked': 5, 'looking': 2, 'magic': 1, 'make': 1, 'massive': 1, 'mcguffin': 1, 'midair': 1, 'midnight': 1, 'mind': 2, 'move': 1, 'mysterious': 1, 'nearly': 1, 'nervously': 1, 'neville': 2, 'news': 1, 'newspaper': 1, 'next': 2, 'nightmares': 1, 'nine': 1, 'noise': 2, 'nose': 1, 'number': 1, 'other': 1, 'over': 6, 'parchment': 1, 'peering': 1, 'people': 1, 'place': 3, 'platform': 1, 'points': 1, 'postcard': 1, 'president': 1, 'pull': 1, 'pulled': 2, 'quickly': 1, 'quilt': 1, 'quirrell': 1, 'rattling': 1, 'reached': 1, 'restricted': 1, 'robe': 1, 'robes': 2, 'roll': 1, 'rolled': 3, 'ronan': 1, 'rope': 1, 'rushed': 1, 'rustling': 1, 'said': 1, 'school': 1, 'seats': 1, 'seconds': 1, 'secret': 1, 'seen': 1, 'send': 1, 'seriously': 1, 'shoulder': 7, 'side': 2, 'silently': 1, 'slithering': 2, 'slowly': 1, 'slytherin': 1, 'sofa': 1, 'something': 1, 'sort': 1, 'sound': 1, 'sprang': 1, 'spreading': 1, 'stand': 1, 'standing': 1, 'stands': 1, 'staring': 1, 'stars': 1, 'started': 1, 'stepped': 3, 'sternly': 1, 'stone': 1, 'stool': 1, 'storm': 2, 'strode': 1, 'summer': 1, 'sweater': 2, 'sweets': 1, 'swooped': 1, 'table': 1, 'tables': 1, 'take': 3, 'takin': 1, 'that': 3, 'their': 4, 'them': 4, 'there': 2, 'things': 1, 'this': 1, 'though': 1, 'three': 1, 'threshold': 1, 'told': 1, 'towered': 3, 'tripping': 1, 'troll': 1, 'trying': 1, 'turn': 1, 'turned': 3, 'turning': 3, 'underground': 1, 'walked': 2, 'walking': 1, 'wandered': 1, 'wash': 1, 'well': 1, 'were': 1, 'when': 1, 'which': 1, 'whirled': 1, 'with': 5, 'wizard': 1, 'would': 1, 'wound': 1, 'years': 1, 'your': 1}), 'garden': Counter({'anyway': 1, 'back': 1, 'down': 1, 'fences': 1, 'front': 1, 'into': 1, 'over': 2, 'sitting': 1, 'still': 1, 'wall': 2}), 'fences': Counter({'garden': 1, 'spying': 1}), 'spying': Counter({'around': 1, 'felt': 1, 'fences': 1, 'might': 1, 'neighbors': 1, 'watching': 1}), 'neighbors': Counter({'dursleys': 1, 'spying': 1, 'what': 1, 'would': 1}), 'dursleys': Counter({'almost': 1, 'anywhere': 1, 'aunt': 1, 'back': 5, 'bear': 1, 'books': 1, 'bought': 1, 'bullets': 1, 'chimney': 1, 'cooked': 1, 'could': 1, 'dark': 1, 'drive': 1, 'ducked': 1, 'everything': 1, 'families': 1, 'four': 1, 'from': 1, 'front': 1, 'given': 1, 'growled': 1, 'happened': 1, 'hated': 1, 'hates': 1, 'home': 1, 'hours': 1, 'house': 3, 'humbugs': 1, 'incredible': 1, 'into': 2, 'just': 1, 'knew': 1, 'look': 1, 'make': 1, 'neighbors': 1, 'never': 1, 'often': 1, 'ones': 1, 'possible': 1, 'received': 1, 'saying': 1, 'scuttled': 1, 'send': 1, 'sense': 1, 'shrank': 1, 'shuddered': 1, 'since': 1, 'small': 1, 'snape': 1, 'stare': 1, 'stole': 1, 'street': 1, 'sure': 1, 'telling': 1, 'that': 7, 'them': 1, 'then': 1, 'thing': 1, 'toward': 1, 'true': 1, 'turned': 1, 'uncle': 1, 'upstairs': 1, 'usually': 1, 'very': 1, 'wait': 1, 'waiting': 1, 'wake': 1, 'well': 1, 'were': 4, 'when': 1, 'whole': 2, 'with': 6, 'woken': 1, 'wondering': 1, 'would': 2, 'year': 1}), 'small': Counter({'bald': 1, 'been': 2, 'beside': 1, 'called': 1, 'cart': 1, 'club': 1, 'crowd': 1, 'door': 1, 'dursleys': 1, 'empty': 1, 'fortune': 1, 'full': 1, 'gave': 1, 'girl': 1, 'hand': 1, 'harry': 1, 'hermione': 1, 'hole': 1, 'into': 3, 'jewel-bright': 1, 'jumped': 1, 'just': 1, 'leather': 1, 'lived': 1, 'lying': 1, 'middle': 1, 'neck': 1, 'neville': 1, 'noises': 1, 'package': 1, 'parcel': 1, 'pile': 1, 'piped': 1, 'potters': 1, 'said': 2, 'skinny': 1, 'smile': 1, 'starting': 1, 'strangely': 1, 'surrounded': 1, 'then': 1, 'they': 1, 'thing': 1, 'through': 1, 'trains': 1, 'very': 1, 'voice': 4, 'waking': 1, 'walled': 1, 'watery': 1, 'were': 1, 'whistled': 1, 'window': 1, 'with': 1, 'without': 1, 'wooden': 1, 'working': 1}), 'dudley': Counter({"'atta": 1, 'about': 2, 'after': 1, 'again': 2, 'alone': 1, 'already': 1, 'always': 2, 'arrived': 1, 'asked': 2, 'asleep': 1, 'badly': 1, 'banged': 1, 'bawling': 1, 'because': 2, 'been': 2, 'before': 1, 'began': 1, 'beneath': 1, 'best': 1, 'biggest': 1, 'birthday': 3, 'bonnets': 1, 'boring': 1, 'bought': 1, 'brown': 1, 'bullied': 1, 'called': 1, 'came': 1, 'case': 1, 'chased': 1, 'city': 1, 'clothes': 2, 'clouted': 1, 'come': 2, 'computer': 1, 'corner': 1, 'could': 3, 'count': 1, 'cousin': 1, 'curse': 1, 'dancing': 1, 'daughter': 1, 'demanded': 1, 'dial': 1, 'direction': 1, 'doing': 1, 'down': 1, 'dudley': 4, 'dursley': 2, 'escaping': 1, 'even': 2, 'evening': 1, 'ever': 1, 'exactly': 1, 'except': 1, 'favorite': 2, 'fidgeted': 1, 'first': 1, 'first-ever': 1, 'frozen': 1, 'gang': 5, 'gasped': 1, 'giant': 1, 'gives': 1, 'going': 1, 'gone': 1, 'good-bye': 1, 'gotten': 1, 'ground': 1, 'hair': 1, 'harry': 8, 'have': 2, 'having': 1, 'highway': 1, 'hospital': 1, 'howling': 1, 'huge': 1, 'hunger': 1, 'into': 4, 'jerked': 1, 'join': 1, 'jump': 1, 'just': 2, 'kept': 1, 'keyhole': 1, 'kiss': 1, 'kitchens': 1, 'knickerbockers': 1, 'know': 1, 'later': 1, 'laughed': 1, 'learned': 1, 'like': 1, 'liked': 1, 'london': 1, 'looked': 4, 'looking': 1, 'made': 2, 'mail': 1, 'make': 1, 'meanwhile': 1, 'mixing': 1, 'moaned': 1, 'moth-eaten': 1, 'mother': 1, 'motorcycles': 1, 'mouth': 1, 'never': 1, 'nightfall': 1, 'nothing': 1, 'once': 1, 'ordered': 1, 'other': 1, 'paraded': 1, 'petunia': 5, 'piers': 8, 'point': 1, 'poke': 1, 'poker': 1, 'probably': 1, 'promptly': 1, 'punched': 1, 'pythons': 1, 'quickly': 1, 'quiet': 1, 'reminded': 1, 'revenge': 1, 'right': 1, 'roared': 1, 'room': 2, 'ruffled': 2, 'said': 3, 'sayin': 1, 'scar': 1, 'scared': 1, 'school': 1, 'screamed': 1, 'screaming': 1, 'scruffs': 1, 'second': 2, 'sheets': 1, 'shock': 1, 'slept': 1, 'sniffling': 1, 'snored': 1, 'snores': 1, 'some': 1, 'somebody': 1, 'sound': 1, 'squeaked': 1, 'started': 1, 'stick': 1, 'stone': 1, 'stood': 1, 'stopped': 1, 'stranger': 1, 'stupid': 1, 'suddenly': 1, 'swapped': 1, 'sweater': 1, 'taking': 1, 'talked': 1, 'tank': 1, 'tantrum': 2, 'telling': 1, 'than': 1, 'that': 6, 'their': 1, 'them': 2, 'then': 1, 'there': 2, 'they': 1, 'things': 1, 'think': 1, 'this': 1, 'though': 1, 'thought': 2, 'time': 2, 'times': 1, 'took': 1, 'tried': 1, 'true': 1, 'turned': 1, 'uncle': 1, 'unwrap': 1, 'used': 1, 'usual': 1, 'vernon': 2, 'very': 1, 'wake': 1, 'want': 1, 'wanted': 2, 'watch': 1, 'watched': 1, 'wear': 1, 'were': 2, 'when': 2, 'where': 3, 'while': 1, 'with': 5, 'would': 1, 'wrestle': 1, 'year': 1, 'yelled': 1}), 'their': Counter({"'cause": 1, 'about': 4, 'above': 1, 'accept': 1, 'achieve': 1, 'across': 1, 'affairs': 1, 'afternoon': 1, 'allowed': 1, 'anything': 1, 'arms': 1, 'around': 1, 'awaiting': 1, 'back': 5, 'backs': 3, 'bags': 1, 'bathrobes': 2, 'battle': 1, 'became': 1, 'beds': 1, 'before': 1, 'behind': 3, 'being': 1, 'bent': 1, 'between': 1, 'blob': 1, 'blocked': 1, 'boat': 1, 'bodies': 1, 'breaks': 1, 'breath': 1, 'broke': 1, 'brooms': 4, 'broomsticks': 1, 'brought': 1, 'buck': 1, 'burning': 1, 'castle': 1, 'cauldron': 1, 'cauldrons': 1, 'chairs': 1, 'chance': 1, 'changed': 1, 'charms': 1, 'compartment': 1, 'conducted': 1, 'corner': 1, 'correcting': 1, 'corridor': 1, 'could': 2, 'crack': 1, 'crammed': 1, 'curtains': 1, 'daring': 1, 'dark': 1, 'dearly': 1, 'death': 1, 'dinner': 1, 'direction': 2, 'discussion': 1, 'doing': 1, 'door': 3, 'dormitory': 2, 'down': 6, 'dragged': 1, 'dragging': 1, 'drew': 1, 'dropped': 1, 'drumming': 1, 'dudley': 1, 'during': 1, 'ears': 4, 'eating': 1, 'empty': 1, 'ends': 1, 'entrance': 1, 'exam': 2, 'exhausted': 1, 'extra': 1, 'eyes': 3, 'faces': 5, 'fall': 1, 'families': 2, 'favorite': 2, 'feast': 1, 'feather': 1, 'feet': 4, 'filled': 1, 'find': 3, 'fingers': 1, 'first': 5, 'flanks': 1, 'flimsy': 1, 'flushed': 1, 'footsteps': 2, 'force': 1, 'foreheads': 1, 'found': 2, 'free': 2, 'friend': 1, 'from': 3, 'fumbling': 1, 'funny-shaped': 1, 'glance': 1, 'glasses': 1, 'goblin': 1, 'going': 1, 'gold': 1, 'good-bye': 1, 'great': 2, 'greatest': 1, 'grips': 1, 'grounds': 1, 'growls': 1, 'guilty': 2, 'hair': 1, 'hands': 2, 'hanging': 1, 'happiness': 1, 'harry': 3, 'have': 1, 'heads': 6, 'heard': 1, 'heart': 1, 'hearts': 3, 'heels': 1, 'hermione': 1, 'hero': 1, 'himself': 1, 'hogwarts': 1, 'holding': 1, 'house': 2, 'houses': 1, 'hurry': 1, 'insides': 1, 'interest': 1, 'into': 6, 'jackets': 1, 'jostled': 2, 'jumped': 1, 'keep': 1, 'keeping': 1, 'kind': 2, 'knuckles': 1, 'laps': 1, 'last': 1, 'laughter': 1, 'leather': 1, 'left': 1, 'legs': 2, 'lesson': 1, 'leviosa': 1, 'lifted': 1, 'light': 1, 'like': 1, 'listening': 1, 'little': 2, 'lives': 1, 'living': 1, 'long': 1, 'looked': 1, 'looking': 1, 'looks': 1, 'lost': 1, 'lower': 1, 'made': 4, 'madly': 1, 'main': 1, 'malfoy': 1, 'marks': 1, 'meeting': 1, 'miffed': 1, 'might': 1, 'minds': 1, 'most': 2, 'mother': 5, 'mothers': 1, 'mount': 1, 'much': 1, 'near': 1, 'necks': 4, 'nephew': 1, 'nervous': 1, 'news': 1, 'next': 1, 'noses': 2, 'nostrils': 1, 'noticing': 2, 'omen': 1, 'onto': 3, 'opinion': 1, 'other': 1, 'ours': 1, 'over': 4, 'owners': 1, 'packing': 1, 'pajamas': 1, 'panic': 1, 'parchment': 1, 'peeling': 1, 'peeves': 1, 'pick': 1, 'picked': 1, 'platforms': 1, 'players': 1, 'playfully': 1, 'playing': 1, 'pockets': 2, 'possible': 1, 'potion': 1, 'potter': 1, 'press': 1, 'pressed': 1, 'problems': 1, 'protect': 2, 'pull': 1, 'pulled': 3, 'pulling': 1, 'punishment': 1, 'pushed': 2, 'quills': 1, 'quivering': 1, 'reach': 1, 'reflections': 1, 'riders': 1, 'right': 2, 'robes': 1, 'roll': 1, 'said': 2, 'saying': 1, 'scarlet': 1, 'scruffs': 1, 'secret': 2, 'seen': 1, 'shaking': 1, 'shared': 1, 'shook': 1, 'shopping': 1, 'shoulders': 4, 'side': 2, 'silence': 1, 'sister': 1, 'sleeping': 1, 'smiles': 1, 'smothering': 1, 'solutions': 1, 'spoil': 1, 'staircase': 1, 'standing': 1, 'stared': 1, 'start': 1, 'stools': 1, 'stored': 1, 'street': 1, 'studying': 1, 'sudden': 1, 'suddenly': 1, 'suppose': 1, 'table': 1, 'talk': 1, 'teacher': 1, 'team': 1, 'teeth': 1, 'telescopes': 1, 'that': 4, 'them': 2, 'they': 5, 'think': 1, 'throats': 1, 'through': 9, 'tickets': 1, 'time': 1, 'took': 1, 'touch': 1, 'toward': 1, 'toys': 1, 'trees': 1, 'trowels': 1, 'trunks': 2, 'turn': 1, 'turned': 2, 'under': 1, 'until': 1, 'upstairs': 1, 'very': 4, 'victory': 1, 'view': 1, 'voices': 1, 'wands': 2, 'wardrobes': 1, 'waving': 1, 'well': 1, 'what': 1, 'when': 1, 'where': 1, 'whipped': 1, 'window': 1, 'with': 6, 'without': 2, 'wizard': 1, 'wrenched': 1, 'written': 1, 'younger': 1}), 'opinion': Counter({'asked': 1, 'codswallop': 2, 'dunno': 2, 'professor': 1, 'their': 1, 'them': 1, 'there': 1, 'though': 1}), 'there': Counter({"'cause": 1, 'above': 1, 'accept': 1, 'afraid': 1, 'again': 1, 'almost': 1, 'along': 2, 'already': 3, 'alternative': 1, 'among': 1, 'another': 2, 'answer': 1, 'anyone': 1, 'anything': 2, 'anyway': 1, 'anywhere': 1, 'armed': 1, 'asked': 2, 'asleep': 1, 'aunt': 1, 'away': 1, 'back': 4, 'baron': 1, 'because': 2, 'been': 5, 'believe': 1, 'belonged': 1, 'between': 1, 'bidin': 1, 'black': 1, 'blazing': 1, 'blood': 2, 'blue': 1, 'boarhound': 1, 'body': 1, 'book': 2, 'books': 1, 'bottle': 1, 'broomsticks': 1, 'budge': 1, 'burst': 1, 'busy': 1, 'canceled': 1, 'ceiling': 2, 'center': 1, 'certain': 1, 'chamber': 1, 'christmas': 1, 'class': 1, 'classes': 1, 'classroom': 1, 'cleverness': 1, 'climbing': 1, 'cloak': 1, 'close': 1, 'cold': 1, 'coming': 1, 'complete': 1, 'completely': 1, 'constrictor': 1, 'coolly': 1, 'could': 3, 'course': 5, 'crash': 1, 'crept': 1, 'crossbow': 1, 'crystal': 1, 'cupboard': 1, 'dark': 3, 'darkly': 1, 'daylight': 1, 'difficult': 2, 'directions': 1, 'distance': 1, 'done': 1, 'door': 1, 'doubt': 1, 'down': 2, 'downward': 1, 'dragons': 2, 'drive': 1, 'dudley': 2, 'dumbledore': 1, 'eagle': 1, 'easier': 1, 'effort': 1, 'either': 1, 'else': 1, 'emerald-green': 1, 'empty': 1, 'enough': 1, 'escaping': 1, 'even': 3, 'ever': 2, 'everything': 1, 'evil': 1, 'expect': 1, 'eyeglasses': 1, 'face': 1, 'faint': 1, 'feeling': 1, 'feet': 1, 'filled': 1, 'find': 1, 'finer': 1, 'fire': 1, 'flash': 2, 'floated': 1, 'forbid': 1, 'forest': 1, 'four': 2, 'friend': 1, 'future': 1, 'galleons': 1, 'george': 1, 'getting': 1, 'going': 2, 'gone': 1, 'good': 3, 'great': 2, 'grinning': 1, 'gryffindor': 1, 'guard': 1, 'hagrid': 5, 'hanging': 1, 'harold': 1, 'harry': 12, 'hated': 1, 'have': 4, 'head': 1, 'heard': 1, 'held': 1, 'help': 1, 'here': 6, 'hermione': 1, 'hills': 1, 'himself': 2, 'hitch': 1, 'hogwarts': 1, 'hole': 1, 'hooded': 1, 'horrible': 1, 'house': 1, 'houses': 1, 'huddle': 1, 'hundreds': 1, 'hurt': 1, 'immortal': 1, 'inscription': 1, 'involved': 2, 'just': 2, 'keep': 3, 'kinds': 1, 'kissed': 1, 'knight': 1, 'knock': 1, 'knocked': 1, 'know': 4, 'large': 1, 'last': 1, 'lately': 1, 'later': 1, 'laugh': 1, 'left': 2, 'light': 1, 'like': 2, 'list': 2, 'little': 2, 'loads': 2, 'look': 3, 'lost': 1, 'loud': 3, 'loudly': 1, 'lullaby': 1, 'malfoy': 4, 'many': 1, 'master': 1, 'mean': 1, 'meet': 1, 'might': 2, 'ministry': 1, 'mirror': 3, 'mistaking': 3, 'moment': 1, 'moon': 1, 'more': 3, 'move': 1, 'moved': 1, 'much': 4, 'murmured': 1, 'must': 4, 'muttered': 1, 'nasty': 1, 'nearly': 3, 'neat': 1, 'need': 3, 'next': 1, 'nice': 2, 'night': 2, 'nobody': 1, 'noise': 1, 'norwegian': 1, 'note': 2, 'nothin': 1, 'nothing': 6, 'noticed': 1, 'obviously': 1, 'once': 1, 'only': 4, 'opinion': 1, 'ordinary': 1, 'other': 2, 'outside': 1, 'over': 2, 'page': 1, 'painfully': 1, 'pause': 1, 'pebbles': 1, 'pelts': 1, 'people': 1, 'plainly': 1, 'plastic': 1, 'platform': 2, 'play': 1, 'point': 2, 'potter': 2, 'pushed': 1, 'quaver': 1, 'questions': 1, 'quickly': 1, 'quirrell': 2, 'rapping': 1, 'rather': 1, 'really': 4, 'reason': 2, 'reckon': 1, 'reflected': 2, 'refuse': 1, 'reserve': 1, 'right': 5, 'roaring': 1, 'romania': 1, 'safe': 1, 'said': 10, 'save': 1, 'scabbers': 1, 'scared-looking': 1, 'school': 2, 'scraping': 1, 'second': 1, 'seconds': 1, 'seemed': 2, 'send': 1, 'seven': 1, 'sheer': 1, 'should': 2, 'shouted': 2, 'sight': 1, 'sign': 1, 'signature': 1, 'silence': 2, 'silent': 1, 'simply': 1, 'single': 1, 'sitting': 4, 'snape': 1, 'sofa': 1, 'some': 2, 'someone': 3, 'somethin': 1, 'something': 5, 'somewhere': 3, 'soon': 2, 'sorry': 1, 'sorts': 1, 'sound': 1, 'spell': 1, 'squawked': 1, 'squinting': 1, 'stamp': 1, 'standing': 3, 'staring': 1, 'stars': 1, 'starts': 1, 'station': 1, 'stay': 1, 'still': 10, 'stone': 1, 'stood': 3, 'stop': 1, 'stopped': 2, 'storm': 1, 'stupidly': 1, 'sudden': 2, 'suddenly': 2, 'suit': 1, 'summat': 2, 'sure': 2, 'tabby': 1, 'table': 1, 'take': 3, 'talent': 1, 'television': 2, 'tells': 1, 'that': 11, 'them': 9, 'themselves': 1, 'then': 4, 'there': 6, 'they': 4, 'thicker': 1, 'thing': 2, 'things': 2, 'think': 1, 'this': 3, 'though': 1, 'thought': 3, 'time': 1, 'together': 1, 'told': 1, 'touch': 1, 'train': 1, 'trapdoor': 1, 'trapped': 1, 'treasure': 1, 'trees': 1, 'trip': 1, 'turban': 1, 'twelve': 1, 'uncle': 1, 'unfortunately': 2, 'unicorn': 4, 'unwrapped': 1, 'uproar': 1, 'upturned': 1, 'usual': 1, 'vernon': 1, 'very': 3, 'voice': 1, 'walked': 1, 'walls': 1, 'want': 1, 'warm': 1, 'water': 1, 'weasley': 1, 'weasleys': 1, 'welcome': 1, 'well': 3, 'were': 31, 'werewolves': 1, 'what': 2, 'when': 1, 'where': 3, 'whole': 1, 'wild': 1, 'will': 1, 'wings': 1, 'witchcraft': 1, 'with': 8, 'within': 1, 'wizard': 1, 'wizards': 1, 'wood': 1, 'worth': 1, 'wrong': 1, 'years': 2}), 'finer': Counter({'anywhere': 1, 'points': 1, 'there': 1, 'through': 1}), 'anywhere': Counter({'come': 1, 'could': 1, 'dursleys': 1, 'filch': 1, 'find': 1, 'finer': 1, 'just': 1, 'near': 1, 'suddenly': 1, 'there': 1, 'they': 2, 'this': 2}), 'everything': Counter({'around': 1, 'clearly': 1, 'cloak': 1, 'could': 1, 'down': 1, 'dumbledore': 1, 'dursleys': 1, 'else': 1, 'except': 2, 'explain': 1, 'found': 2, 'from': 1, 'gain': 1, 'hagrid': 1, 'half': 1, 'have': 1, 'here': 1, 'hermione': 1, 'ignored': 1, 'knew': 1, 'know': 1, 'less': 1, 'life': 1, 'like': 1, 'look': 1, 'looked': 1, 'lose': 1, 'madam': 1, 'move': 1, 'much': 1, 'nearly': 1, 'need': 2, 'needed': 1, 'needs': 1, 'once': 1, 'owned': 1, 'paid': 1, 'perfect': 1, 'quirrell': 1, 'remember': 1, 'shot': 1, 'some': 1, 'spoils': 1, 'sure': 1, 'that': 3, 'them': 1, 'there': 1, 'they': 1, 'though': 1, 'thousand': 1, 'want': 1, 'well': 1, 'when': 1, 'where': 1, 'with': 1}), 'wanted': Counter({'alone': 1, 'always': 3, 'anything': 1, 'bathroom': 1, 'because': 1, 'before': 1, 'borrow': 1, 'cards': 1, 'computer': 1, 'dead': 1, 'dinky': 1, 'dragon': 2, 'dudley': 2, 'dumbledore': 1, 'even': 1, 'ever': 1, 'find': 1, 'getting': 1, 'give': 1, 'going': 1, 'harry': 2, 'hatching': 1, 'hide': 1, 'home': 1, 'huge': 1, 'just': 3, 'keep': 1, 'kill': 1, 'knew': 1, 'know': 1, 'left': 1, 'lightest': 1, 'like': 2, 'make': 2, 'matter': 1, 'mention': 1, 'much': 1, 'never': 2, 'only': 1, 'outta': 1, 'piers': 1, 'pomfrey': 1, 'power': 1, 'programs': 1, 'quidditch': 1, 'racing': 1, 'really': 3, 'referee': 1, 'refused': 1, 'restless': 1, 'rich': 1, 'shake': 1, 'skip': 1, 'somethin': 1, 'something': 3, 'sort': 1, 'stone': 1, 'sure': 1, 't-t-to': 1, 'television': 1, 'that': 2, 'they': 6, 'things': 1, 'think': 1, 'time': 1, 'watch': 1, 'what': 4, 'wherever': 1, 'whisperers': 1}), 'also': Counter({'been': 1, 'bring': 1, 'carried': 1, 'carrying': 1, 'contained': 1, 'forgotten': 1, 'girl': 1, 'goes': 1, 'gold': 1, 'harry': 1, 'have': 1, 'letter': 1, 'order': 1, 'present': 1, 'pretending': 1, 'produces': 1, 'red-headed': 1, 'secret': 1, 'smiling': 1, 'started': 1, 'stranger': 1, 'students': 1, 'tent': 1, 'them': 1, 'they': 2, 'thought': 1, 'very': 1, 'which': 1, 'work': 1}), 'secret': Counter({'also': 1, 'complete': 1, 'exactly': 1, 'found': 1, 'fred': 1, 'hate': 1, 'hogwarts': 1, 'keep': 1, 'knew': 1, 'magic': 1, 'meeting': 1, 'myself': 1, 'naturally': 1, 'news': 1, 'over': 1, 'passageway': 1, 'passageways': 1, 'said': 1, 'some': 1, 'sort': 1, 'that': 4, 'their': 2, 'told': 1, 'very': 1, 'weapon': 1, 'well': 1}), 'greatest': Counter({'defeated': 1, 'fear': 1, 'headmaster': 1, 'many': 1, 'puzzle': 1, 'sorcerer': 1, 'their': 1, 'under': 1, 'wizard': 1, 'wizards': 1}), 'fear': Counter({'budge': 1, 'dead': 1, 'every': 1, 'flitted': 1, 'flooded': 1, 'greatest': 1, 'increases': 1, 'keep': 1, 'move': 1, 'name': 1, 'need': 1, 'prickle': 1, 'spasm': 1, 'that': 1, 'then': 1, 'thing': 1, 'things': 1, 'troll': 1, 'voice': 1, 'with': 1}), 'somebody': Counter({'been': 1, 'dudley': 1, 'heard': 1, 'night': 1, 'punching': 1, 'that': 1, 'whimpering': 1, 'would': 1}), 'would': Counter({'able': 4, 'accept': 1, 'added': 1, 'afraid': 1, 'afternoons': 1, 'again': 1, 'allowed': 1, 'along': 1, 'amuse': 1, 'anxiously': 1, 'anyone': 2, 'anything': 2, 'anyway': 2, 'back': 1, 'banquet': 1, 'beating': 1, 'because': 1, 'beings': 1, 'believe': 1, 'believed': 1, 'better': 1, 'blink': 1, 'bother': 1, 'broom': 1, 'budge': 1, 'came': 1, 'care': 1, 'castle': 2, 'certainly': 1, 'choose': 1, 'class': 1, 'come': 1, 'coming': 1, 'commit': 1, 'corner': 1, 'could': 1, 'course': 1, 'dare': 1, 'decided': 1, 'died': 1, 'discover': 1, 'door': 1, 'dragon': 1, 'drive': 1, 'drop': 1, 'dudley': 1, 'dursley': 1, 'dursleys': 2, 'earth': 2, 'easy': 1, 'either': 1, 'else': 2, 'enough': 1, 'even': 3, 'ever': 1, 'expect': 1, 'fall': 1, 'father': 1, 'filch': 3, 'find': 2, 'floor': 1, 'friends': 1, 'frog': 1, 'full': 1, 'gain': 1, 'give': 1, 'glasses': 1, 'going': 1, 'good': 1, 'gray': 1, 'gringotts': 1, 'hagrid': 4, 'hall': 1, 'happen': 1, 'harry': 10, 'have': 17, 'hear': 2, 'help': 1, 'hermione': 3, 'himself': 1, 'imagine': 1, 'injured': 1, 'into': 2, 'jump': 1, 'killing': 1, 'knew': 1, 'know': 4, 'knowing': 1, 'land': 1, 'learning': 1, 'leave': 1, 'legend': 1, 'legs': 1, 'lessons': 1, 'life': 2, 'like': 2, 'listen': 1, 'look': 2, 'lose': 1, 'lunchtime': 1, 'make': 1, 'mcgonagall': 2, 'meet': 1, 'mind': 4, 'mother': 1, 'move': 3, 'mutter': 1, 'muttering': 1, 'nearer': 1, 'neighbors': 1, 'never': 8, 'next': 1, 'nice': 1, 'nick': 1, 'nobody': 1, 'nothing': 2, 'open': 2, 'others': 1, 'over': 1, 'overtake': 1, 'parents': 1, 'people': 1, 'petunia': 1, 'place': 1, 'playing': 2, 'pomfrey': 1, 'potters': 1, 'prefer': 1, 'press': 1, 'probably': 1, 'professor': 1, 'quirrell': 1, 'ravenclaw': 2, 'reckon': 1, 'recognize': 1, 'refuse': 1, 'relief': 1, 'remember': 1, 'replacing': 1, 'right': 1, 'room': 1, 'said': 3, 'scars': 1, 'scowling': 1, 'seeing': 1, 'shake': 1, 'slytherin': 2, 'snake': 1, 'snape': 5, 'somebody': 1, 'soon': 1, 'sounding': 1, 'speak': 2, 'spend': 1, 'stands': 1, 'starting': 1, 'stay': 1, 'staying': 1, 'steal': 1, 'students': 2, 'suppose': 1, 'sure': 1, 'surprise': 1, 'surprised': 2, 'suspect': 1, 'suspected': 1, 'take': 3, 'team': 1, 'tell': 2, 'than': 1, 'thankful': 1, 'thanks': 1, 'that': 8, 'them': 2, 'they': 9, 'thing': 1, 'things': 2, 'this': 2, 'thought': 4, 'told': 1, 'touch': 1, 'traffic': 1, 'trip': 1, 'trolls': 1, 'trust': 1, 'usually': 1, 'vernon': 1, 'very': 1, 'walking': 1, 'wand': 1, 'want': 2, 'well': 1, 'what': 4, 'where': 1, 'whole': 1, 'wide': 1, 'wished': 2, 'with': 1, 'without': 1, 'woken': 1, 'work': 1, 'written': 1, 'years': 1}), 'discover': Counter({'they': 1, 'would': 1}), 'think': Counter({'\\why': 1, 'able': 2, 'about': 7, 'accident': 1, 'again': 1, 'ages': 1, 'ahead': 1, 'alone': 1, 'anything': 4, 'apple': 1, 'been': 1, 'before': 1, 'believes': 1, 'best': 1, 'better': 1, 'brilliant': 1, 'bringing': 1, 'briskly': 1, 'bully': 1, 'came': 1, 'chance': 1, 'cloaks': 1, 'come': 2, 'could': 6, "d'yeh": 1, "d'you": 5, 'dark': 1, 'dead': 1, 'difficult': 1, 'doing': 1, 'door': 1, 'dragged': 1, 'dudley': 1, 'dumbledore': 3, 'else': 1, 'ends': 1, 'enjoying': 1, 'even': 1, 'explain': 1, 'father': 1, 'finally': 1, 'fire': 1, 'floor': 1, 'fluffy': 1, 'forget': 1, 'found': 1, 'fred': 1, 'free': 1, 'funny': 1, 'gently': 1, 'getting': 1, 'ghost': 1, 'going': 1, 'good': 1, 'hagrid': 1, 'halloween': 1, 'hang': 1, 'harder': 1, 'harry': 6, 'heads': 1, 'heard': 1, 'help': 1, 'here': 1, 'hermione': 2, 'hufflepuff': 1, 'hurts': 1, 'imagine': 1, 'impatiently': 1, 'joking': 1, 'just': 3, 'keep': 1, 'know': 4, 'knows': 1, 'leave': 3, 'looked': 1, 'lost': 1, 'made': 2, 'meant': 1, 'might': 3, 'miss': 1, 'mistake': 1, 'much': 2, 'must': 2, 'name': 1, 'nastily': 1, 'nervously': 1, 'neville': 1, 'night': 1, 'nobody': 1, 'okay': 1, 'outside': 1, 'parents': 1, 'points': 1, 'pretty': 1, 'professor': 1, 'question': 1, 'quietly': 2, 'quirrell': 1, 'quite': 1, 'rather': 1, 'really': 1, 'record': 1, 'remember': 2, 'remembers': 1, 'right': 2, 'room': 1, 'running': 1, 'safe': 1, 'said': 7, 'second': 1, 'seemed': 2, 'should': 1, 'shuddered': 1, 'sick': 1, 'sing': 1, 'sleeps': 1, 'something': 1, 'sort': 1, 'statue': 1, 'still': 1, 'stone': 1, 'stranger': 1, 'suddenly': 1, 'suppose': 4, 'tackling': 1, 'tail': 1, 'take': 1, 'teacher': 1, 'teachers': 1, 'team': 1, 'tears': 1, 'tell': 1, 'test': 1, 'that': 5, 'their': 1, 'them': 2, 'there': 1, 'these': 1, 'they': 17, 'things': 1, 'think': 2, 'this': 2, 'though': 1, 'thoughtfully': 1, 'time': 2, 'told': 2, 'tried': 1, 'troduced': 1, 'trying': 1, 'twice': 1, 'understand': 1, 'useful': 1, 'wanted': 1, 'warning': 1, 'watching': 1, 'well': 2, 'what': 3, 'whispered': 1, 'white': 1, 'will': 2, 'wise': 1, 'wizard': 1, 'worried': 1, 'wriggles': 1}), 'could': Counter({'-how': 1, 'address': 1, 'affect': 1, 'afford': 2, 'again': 3, 'against': 1, 'although': 1, 'angry': 1, 'another': 2, 'answer': 2, 'anyone': 2, 'anything': 3, 'anywhere': 1, 'argue': 1, 'armor': 1, 'back': 1, 'bars': 1, 'bear': 4, 'beard': 1, 'been': 1, 'before': 6, 'believe': 5, 'best': 2, 'birthday': 1, 'blame': 1, 'body': 1, 'books': 1, 'borrow': 1, 'bothered': 1, 'broomshed': 1, 'building': 1, 'call': 1, 'came': 1, 'carried': 1, 'carry': 2, 'casually': 1, 'cats': 1, 'clamber': 1, 'clearing': 1, 'come': 3, 'coming': 1, 'control': 1, 'corner': 1, 'cornered': 1, 'could': 6, 'course': 1, 'crash': 2, 'curiously': 1, 'curl': 1, 'dampen': 1, 'dark': 1, 'deal': 1, 'decide': 1, 'detention': 1, 'died': 2, 'direct': 1, 'done': 1, 'door': 2, 'doors': 1, 'doubt': 1, 'down': 1, 'draco': 1, 'dragon': 2, 'dragons': 1, 'dratted': 1, 'drive': 1, 'dudley': 3, 'dumbledore': 2, 'dursley': 1, 'dursleys': 1, 'easily': 1, 'even': 2, 'ever': 3, 'every': 1, 'everything': 1, 'excitedly': 1, 'explain': 2, 'face-to-face': 1, 'family': 1, 'fast': 2, 'father': 1, 'feasts': 1, 'feel': 4, 'find': 4, 'fireworks': 1, 'flavor': 1, 'flitwick': 1, 'floor': 1, 'forever': 1, 'forget': 1, 'from': 1, 'girl': 1, 'good-bye': 1, 'grass': 1, 'great': 1, 'ground': 1, 'hagrid': 3, 'hall': 1, 'handle': 1, 'happen': 1, 'hard': 2, 'hardly': 4, 'harry': 48, 'have': 25, 'heads': 1, 'hear': 11, 'heard': 2, 'help': 5, 'hidden': 1, 'higgs': 1, 'high': 1, 'himself': 1, 'hogwarts': 1, 'horses': 1, 'hours': 1, 'house': 1, 'huge': 1, 'hummed': 1, 'hurry': 1, 'hurt': 1, 'imagine': 2, 'impressed': 1, 'interfering': 1, 'just': 3, 'keep': 1, 'kill': 3, 'killed': 1, 'kind': 1, 'knew': 1, 'know': 1, 'last': 1, 'leaky': 1, 'learn': 1, 'life': 1, 'lighted': 1, 'little': 1, 'live': 1, 'lock': 1, 'long': 2, 'look': 2, 'looked': 1, 'looking': 1, 'lying': 1, 'magic': 1, 'make': 7, 'malfoy': 3, 'mcgonagall': 1, 'mean': 1, 'mention': 1, 'mind': 1, 'mirror': 2, 'miss': 1, 'mistake': 2, 'mixed': 1, 'moment': 1, 'monday': 1, 'money': 1, 'more': 1, 'mountains': 1, 'move': 3, 'muttered': 2, 'never': 2, 'neville': 1, 'night': 1, 'nodded': 1, 'nothing': 3, 'often': 1, 'only': 3, 'orange': 1, 'over': 1, 'pain': 1, 'people': 2, 'percy': 1, 'perhaps': 1, 'persuade': 1, 'petunia': 3, 'phone': 1, 'place': 1, 'play': 1, 'players': 1, 'possibly': 2, 'prefect': 1, 'proud': 1, 'question': 1, 'quick': 1, 'quidditch': 1, 'quietly': 1, 'quirrell': 5, 'read': 4, 'record': 1, 'remains': 1, 'remember': 5, 'resist': 1, 'ridgeback': 1, 'risk': 2, 'room': 1, "s'pose": 1, 'said': 4, 'saturday': 1, 'saying': 1, 'screamed': 1, 'seen': 2, 'sell': 1, 'send': 2, 'senses': 1, 'shack': 1, 'shake': 1, 'short': 1, 'show': 1, 'shriveled': 1, 'silence': 1, 'sing': 1, 'single': 1, 'sleep': 3, 'slytherin': 1, 'snake': 1, 'snape': 7, 'sneakers': 1, 'snow': 1, 'soccer': 1, 'some': 1, 'something': 4, 'sometimes': 1, 'speak': 2, 'spear': 1, 'spoil': 1, 'spot': 2, 'started': 1, 'stay': 1, 'steps': 1, 'still': 2, 'stomach': 1, 'stop': 2, 'street': 1, 'suddenly': 1, 'suppose': 1, 'sure': 4, 'suspend': 1, 'take': 4, 'tell': 5, 'terrible': 1, 'that': 5, 'their': 2, 'them': 5, 'then': 2, 'there': 3, 'they': 38, 'thick': 1, 'things': 3, 'think': 6, 'thirteen': 1, 'this': 3, 'those': 1, 'though': 3, 'thought': 2, 'three': 1, 'through': 1, 'tight': 1, 'time': 1, 'tiny': 1, 'together': 1, 'told': 2, 'touch': 2, 'toward': 1, 'traffic': 1, 'troll': 2, 'true': 2, 'trunk': 1, 'trying': 1, 'turn': 2, 'twin': 1, 'twins': 1, 'uncle': 1, 'understand': 3, 'unpleasant': 1, 'upset': 1, 'usually': 1, 'voldemort': 4, 'wait': 2, 'walk': 1, 'want': 1, 'watch': 1, 'water': 1, 'weasley': 3, 'well': 1, 'went': 1, 'were': 2, 'werewolf': 1, 'what': 5, 'when': 3, 'where': 2, 'which': 1, 'while': 1, 'wind': 1, 'wing': 1, 'wished': 1, 'wishing': 1, 'with': 2, 'without': 1, 'wizard': 1, 'wonder': 1, 'wondered': 1, 'wondering': 1, 'work': 1, 'worked': 1, 'worried': 1, 'worse': 1, 'would': 1, 'write': 1, 'yeah': 1, 'years': 1, 'your': 1, 'yourselves': 1}), 'bear': Counter({'anyone': 1, 'being': 1, 'case': 1, 'could': 4, 'dursleys': 1, 'people': 1, 'teddy': 1}), 'anyone': Counter({'about': 1, 'after': 1, 'around': 1, 'away': 1, 'bear': 1, 'been': 1, 'believe': 1, 'came': 1, 'check': 1, 'could': 2, 'else': 5, 'except': 1, 'fetch': 1, 'found': 2, 'gets': 1, 'gringotts': 1, 'guess': 1, 'hagrid': 1, 'happen': 1, 'hardly': 1, 'harry': 1, 'hogwarts': 1, 'hole': 1, 'indeed': 1, 'inside': 1, 'interested': 1, 'killed': 1, 'know': 1, 'knows': 1, 'listen': 1, 'listening': 1, 'looked': 1, 'meet': 2, 'messing': 1, 'noticing': 1, 'outta': 1, 'past': 1, 'professor': 1, 'quickly': 1, 'robes': 1, 'said': 1, 'seen': 2, 'share': 1, 'sitting': 1, 'snape': 1, 'summat': 1, 'sure': 1, 'surprise': 1, 'tall': 1, 'tell': 4, 'term': 1, 'than': 1, 'that': 4, 'there': 1, 'time': 1, 'wandering': 1, 'want': 1, 'watching': 2, 'with': 1, 'without': 1, 'wood': 1, 'would': 2}), 'found': Counter({'about': 4, 'ages': 1, 'anyone': 2, 'anything': 1, 'been': 1, 'being': 1, 'bottle': 1, 'bought': 1, 'cloaks': 1, 'dead': 2, 'empty': 1, 'even': 1, 'everything': 2, 'fang': 1, 'filch': 1, 'first': 1, 'flamel': 2, 'fungi': 1, 'goodness': 1, 'gryffindor': 1, 'hagrid': 2, 'harder': 2, 'harry': 5, 'have': 5, 'hermione': 3, 'herself': 1, 'hiding': 1, 'himself': 3, 'history': 1, 'inside': 1, 'instead': 1, 'interesting': 1, 'invisibility': 1, 'just': 1, 'know': 1, 'known': 1, 'large': 1, 'largest': 1, 'last': 1, 'least': 1, 'lurking': 1, 'meanwhile': 1, 'moldy': 1, 'more': 1, 'muggles': 1, 'name': 1, 'needed': 1, 'nicolas': 1, 'night': 2, 'nobody': 1, 'nothing': 1, 'other': 1, 'pair': 1, 'past': 3, 'perfect': 1, 'petunia': 1, 'place': 1, 'professor': 1, 'quickly': 2, 'realized': 1, 'reckons': 1, 'roof': 1, 'secret': 1, 'seeker': 1, 'sheets': 1, 'snape': 2, 'socks': 1, 'somehow': 2, 'something': 2, 'soon': 1, 'suddenly': 1, 'tapestry': 1, 'than': 1, 'that': 2, 'their': 2, 'them': 1, 'themselves': 2, 'they': 8, 'think': 1, 'this': 1, 'toad': 1, 'tonight': 1, 'truth': 1, 'until': 1, 'upstairs': 1, 'voice': 3, 'week': 1, 'what': 4, 'when': 2, 'where': 2, 'whispered': 2, 'wood': 1}), 'about': Counter({"'undred": 1, '1637': 1, 'abou': 1, 'again': 1, 'angrier': 1, 'answer': 1, 'anxiety': 1, 'anyone': 1, 'anythin': 1, 'anything': 5, 'anyway': 1, 'appearance': 1, 'around': 1, 'asked': 2, 'awful': 1, 'back': 1, 'ball': 1, 'bane': 1, 'batty': 1, 'boys': 1, 'break': 1, 'breaking': 2, 'brooding': 1, 'care': 2, 'cared': 1, 'century': 1, 'ceremony': 1, 'charlie': 2, 'chest': 1, 'chuckling': 1, 'climbed': 1, 'cloudy': 1, 'come': 1, 'complain': 2, 'course': 1, 'crabbe': 1, 'crate': 2, 'dark': 1, 'dean': 1, 'different': 1, 'dinner': 1, 'disappeared': 2, 'does': 1, 'dormitory': 1, 'doubt': 2, 'dragon': 1, 'dragons': 1, 'dream': 1, 'dreamed': 1, 'dudley': 2, 'dumbledore': 1, 'eight': 1, 'enough': 1, 'even': 1, 'every': 1, 'exciting': 1, 'explain': 1, 'explained': 1, 'explaining': 1, 'explode': 1, 'faint': 1, 'fall': 1, 'fast': 1, 'feeling': 1, 'filled': 1, 'find': 1, 'finding': 1, 'finish': 1, 'finished': 1, 'first': 1, 'five': 1, 'flamel': 2, 'fluffy': 1, 'flying': 2, 'foot': 2, 'forgotten': 3, 'found': 4, 'four': 3, 'fret': 1, 'fussing': 1, 'game': 1, 'getting': 1, 'goblin': 1, 'goes': 1, 'going': 4, 'good': 2, 'greeting': 1, 'gringotts': 1, 'gryffindor': 1, 'hagrid': 8, 'half': 1, 'hall': 1, 'harry': 9, 'have': 1, 'having': 2, 'head': 1, 'hear': 3, 'heard': 2, 'here': 1, 'himself': 1, 'hogwarts': 2, 'holidays': 1, 'hovered': 2, 'hundred': 2, 'ideas': 1, 'inches': 1, 'insisting': 1, 'interesting': 1, 'interfering': 1, 'invisibility': 1, 'jump': 1, 'know': 12, 'knowin': 1, 'knowing': 1, 'known': 1, 'learned': 1, 'lessons': 1, 'like': 1, 'liked': 1, 'listen': 1, 'little': 1, 'look': 1, 'looked': 1, 'looking': 1, 'loudly': 1, 'magic': 1, 'mail': 1, 'malfoy': 2, 'meddling': 1, 'mended': 1, 'mind': 2, 'minute': 1, 'minutes': 1, 'motorcycle': 1, 'mrs.': 1, 'much': 1, 'must': 1, 'muttering': 1, 'mysterious': 1, 'n-not': 1, 'nearly': 1, 'nerves': 1, 'nervous': 1, 'nervously': 1, 'never': 1, 'neville': 1, 'nicolas': 1, 'nothing': 2, 'once': 2, 'only': 1, 'other': 1, 'owls': 1, 'package': 1, 'parents': 2, 'pate': 1, 'peering': 1, 'people': 3, 'player': 1, 'potters': 2, 'probably': 1, 'professor': 1, 'punishing': 1, 'quaffle': 1, 'questions': 1, 'quidditch': 3, 'quirrell': 1, 'rabbitin': 1, 'read': 3, 'relaxed': 1, 'remembered': 1, 'report': 1, 'room': 1, 'said': 8, 'saying': 1, 'school': 1, 'seeker': 1, 'seemed': 1, 'shame': 1, 'shoutin': 1, 'showing': 1, 'sick': 1, 'size': 2, 'slowly': 1, 'slytherin': 1, 'smile': 1, 'snape': 6, 'soccer': 1, 'some': 2, 'somethin': 2, 'something': 8, 'sorcerer': 3, 'sorry': 1, 'sorta': 1, 'sorted': 1, 'speak': 1, 'special': 1, 'spells': 1, 'split': 1, 'spoke': 2, 'squinting': 1, 'start': 1, 'steal': 1, 'stone': 4, 'story': 1, 'strange': 1, 'strode': 1, 'stuff': 1, 'stumped': 1, 'suppose': 1, 'sure': 1, 'sweeping': 1, 'switching': 1, 'talk': 5, 'talked': 2, 'talking': 9, 'thank': 1, 'that': 9, 'their': 4, 'them': 5, 'then': 1, 'these': 2, 'they': 1, 'thing': 1, 'things': 1, 'think': 7, 'thinking': 5, 'this': 8, 'though': 3, 'thought': 2, 'thrashing': 1, 'through': 1, 'time': 2, 'tiny': 1, 'told': 7, 'tomorrow': 1, 'tree': 1, 'troll': 2, 'truth': 2, 'turnin': 1, 'twenty': 2, 'twice': 1, 'uncle': 1, 'used': 1, 'usual': 1, 'want': 1, 'weasley': 2, 'weather': 1, 'weaving': 1, 'week': 2, 'were': 2, 'what': 14, "what's-her-name": 1, 'when': 1, 'whisper': 1, 'wished': 1, 'with': 1, 'wizard': 3, 'wizards': 1, 'world': 1, 'worried': 2, 'worry': 4, 'wrestling': 1, 'written': 1, 'youknow-what': 1, 'your': 2, 'yourselves': 1}), 'potters': Counter({'about': 2, 'arrived': 1, 'away': 1, 'dursley': 1, 'even': 1, 'find': 1, 'keeping': 1, 'knew': 1, 'life': 1, 'mrs.': 2, 'rumor': 1, 'saying': 1, 'small': 1, 'smiled': 1, 'that': 3, 'were': 1, 'with': 1, 'would': 1}), 'sister': Counter({'because': 2, 'began': 1, 'being': 1, 'blame': 2, 'dratted': 1, 'dursley': 1, 'good-for-nothing': 1, 'half': 1, 'have': 2, 'lately': 1, 'like': 1, 'marge': 2, 'mention': 1, 'pointing': 1, 'said': 1, 'their': 1, 'they': 1, 'vernon': 2, 'what': 2, 'younger': 2, 'your': 1}), 'several': Counter({'admiral': 1, 'bewitching': 1, 'booming': 1, 'boys': 1, 'chipped': 1, 'covered': 1, 'feet': 1, 'foot': 1, 'important': 1, 'inside': 1, 'live': 1, 'made': 1, 'paper': 1, 'people': 1, 'purple': 1, 'ravenclaws': 1, 'snowballs': 1, 'snowy': 1, 'teapot': 1, 'they': 1, 'though': 1, 'time': 1, 'times': 1, 'took': 1, 'years': 2}), 'years': Counter({'allowed': 2, 'almost': 1, 'award': 1, 'been': 1, 'bloody': 1, 'come': 1, 'coming': 1, 'could': 1, 'eleven': 2, 'even': 1, 'every': 1, 'fact': 1, 'fashion': 1, 'firs': 6, 'first': 19, 'follow': 2, 'followed': 1, 'from': 1, 'going': 1, 'gryffindor': 1, 'halloween': 1, 'have': 3, 'here': 1, 'hogwarts': 1, 'hundred': 2, 'into': 1, 'just': 1, 'kept': 1, 'know': 1, 'laughed': 1, 'long': 1, 'many': 2, 'mind': 1, 'miserable': 2, 'nearly': 1, 'need': 1, 'never': 2, 'nobody': 1, 'over': 1, 'passed': 2, 'poltergeist': 1, 'professor': 1, 'quite': 1, 'reminded': 1, 'return': 1, 'said': 3, 'seven': 3, 'several': 2, 'should': 1, 'since': 1, 'started': 1, 'stool': 1, 'that': 1, 'then': 1, 'there': 2, 'these': 1, 'they': 1, 'this': 1, 'trapdoor': 1, 'twenty': 1, 'when': 1, 'would': 1, 'wrong': 1, 'years': 2}), 'fact': Counter({"'smatter": 1, 'back': 1, 'been': 2, 'cauldron': 1, 'difficult': 1, 'fast': 1, 'hagrid': 1, 'harry': 1, 'ignore': 1, 'invisible': 1, 'just': 1, 'loudly': 1, 'matter': 2, 'mood': 1, 'mrs.': 1, 'nearly': 1, 'overhead': 1, 'really': 1, 'room': 1, 'said': 1, 'searched': 2, 'shout': 1, 'that': 2, 'they': 1, 'visit': 1, 'years': 1}), 'pretended': Counter({'dursley': 1, 'enjoying': 1, 'harry': 1, 'have': 2, 'normally': 1}), 'good-for-nothing': Counter({'husband': 1, 'sister': 1}), 'husband': Counter({'good-for-nothing': 1, 'were': 1}), 'undursleyish': Counter({'possible': 1, 'were': 1}), 'possible': Counter({'between': 1, 'caretaker': 1, 'case': 1, 'close': 1, 'dursleys': 1, 'even': 1, 'fast': 2, 'house': 1, 'love': 1, 'malfoy': 1, 'mirror': 1, 'quickly': 2, 'quietly': 1, 'soon': 1, 'space': 1, 'that': 1, 'their': 1, 'they': 2, 'time': 1, 'toward': 1, 'undursleyish': 1}), 'shuddered': Counter({'bottle': 1, 'dursleys': 1, 'hagrid': 1, 'make': 1, 'poison': 1, 'think': 1}), 'what': Counter({"'course": 1, 'about': 14, 'advice': 1, 'after': 5, 'again': 1, 'against': 1, 'agrippa': 1, 'along': 1, 'always': 2, 'animal': 1, 'answer': 1, 'anything': 1, 'anyway': 4, 'arguing': 1, 'around': 1, 'arts': 1, 'asked': 6, 'aunt': 1, 'awaits': 1, 'back': 1, 'bars': 1, 'basketball': 1, 'beaming': 1, 'been': 6, 'before': 1, 'being': 1, 'believe': 1, 'best': 1, 'better': 1, 'bezoar': 1, 'bludgers': 1, 'bought': 1, 'busy': 1, 'call': 3, 'called': 1, 'came': 2, 'card': 2, 'cared': 1, 'cart': 1, 'castle': 1, 'catch': 1, 'chamber': 1, 'charm': 1, 'choice': 1, 'chosen': 2, 'clearly': 1, 'clue': 2, 'come': 3, 'compared': 1, 'confessed': 1, 'contact': 1, 'could': 5, 'course': 1, 'covered': 1, 'crowd': 1, 'curious': 1, 'dangerous': 1, 'dawn': 1, 'deserved': 1, 'detention': 1, 'difference': 2, 'difficult': 1, 'dinner': 1, 'discussing': 1, 'does': 6, 'doing': 13, 'done': 2, 'down': 2, 'dragon': 1, 'drop': 1, 'dunno': 2, 'earth': 4, 'earths': 1, 'eating': 1, 'eggs': 1, 'else': 2, 'enough': 1, 'entranced': 1, 'everyone': 3, 'exactly': 2, 'excellent': 1, 'exciting': 1, 'expect': 1, 'expected': 2, 'eyes': 1, 'face': 1, 'faces': 1, 'facing': 1, 'families': 1, 'famous': 2, 'feast': 1, 'feeling': 1, 'fight': 1, 'filch': 1, 'finally': 1, 'find': 2, 'finds': 1, 'first': 1, 'firsties': 1, 'flamel': 1, 'flash': 1, 'floor': 1, 'folk': 1, 'forge': 1, 'forget': 3, 'forgive': 1, 'forgot': 1, 'forgotten': 3, 'found': 4, 'freak': 1, 'from': 3, 'full': 1, 'gasped': 3, 'gave': 1, 'ghost': 1, 'glinting': 1, 'going': 14, 'gone': 1, 'good': 4, 'gotten': 1, 'groaned': 1, 'ground': 1, 'gryffindor': 1, 'guardin': 1, 'guarding': 4, 'guess': 2, 'guessing': 1, 'hagrid': 10, 'hall': 2, 'hand': 1, 'happened': 10, 'happening': 1, 'harry': 21, 'have': 5, 'head': 2, 'hear': 2, 'heard': 4, 'hearing': 1, 'heed': 1, 'here': 1, 'hermione': 5, 'hero': 1, 'hidden': 1, 'hiding': 1, 'himself': 2, 'home': 1, 'honest': 1, 'honor': 1, 'hoops': 1, 'horror': 1, 'house': 3, 'houses': 1, 'however': 1, 'idea': 4, 'impatiently': 1, 'infusion': 2, 'interest': 1, 'interesting': 1, 'into': 1, 'judge': 1, 'just': 4, 'kept': 1, 'killin': 1, 'kitchen': 1, 'knew': 7, 'knitting': 1, 'knock': 1, 'know': 26, 'knowing': 4, 'known': 1, 'laughed': 1, 'leaned': 1, 'learned': 1, 'leaving': 1, 'left': 1, 'lemon': 1, 'letter': 2, 'life': 1, 'like': 2, 'lines': 1, 'look': 4, 'looked': 11, 'looking': 4, 'lurking': 1, 'made': 1, 'magic': 1, 'malfoy': 1, 'matter': 7, 'mcgonagall': 2, 'mean': 4, 'meet': 1, 'might': 1, 'mind': 1, 'minute': 1, 'minutes': 2, 'mirror': 1, 'misery': 1, 'mistaking': 1, 'model': 1, 'moment': 1, 'more': 1, 'mouth': 1, 'move': 1, 'must': 2, 'myself': 1, 'name': 2, 'neighbors': 1, 'nervous': 1, 'nimbus': 1, 'nine': 1, 'noise': 1, 'norbert': 1, 'nothin': 1, 'nothing': 2, 'noticing': 1, 'nuts': 1, 'ollivander': 1, 'once': 2, 'only': 1, 'open': 1, 'other': 1, 'overhearing': 1, 'owned': 1, 'part': 1, 'passageway': 1, 'peas': 1, 'petunia': 1, 'pictures': 1, 'pillow': 1, 'planets': 1, 'platform': 2, 'pointing': 1, 'potter': 3, 'presents': 1, 'professor': 1, 'promised': 1, 'quidditch': 3, 'racing': 1, 'racket': 1, 'rather': 1, 'read': 1, 'realize': 1, 'realized': 4, 'realizing': 1, 'really': 3, 'reckon': 1, 'remember': 3, 'remembered': 1, 'remembers': 1, 'right': 2, 'root': 1, 'rules': 1, 'said': 18, 'same': 1, 'saved': 1, 'saying': 2, 'screamed': 1, 'section': 1, 'seemed': 4, 'seems': 1, 'seen': 6, 'should': 4, 'show': 1, 'shows': 2, 'shuffled': 1, 'side': 1, 'sight': 1, 'sister': 2, 'slug': 1, 'slytherin': 1, 'snape': 3, 'snapped': 1, 'snare': 1, 'sofa': 1, 'somehow': 1, 'something': 1, 'sort': 2, 'stammered': 1, 'standing': 2, 'staring': 1, 'stiffly': 1, 'stranger': 1, 'studying': 2, 'stupidly': 1, 'suddenly': 1, 'swallowed': 1, 'swooped': 1, 'talk': 1, 'talking': 3, 'tell': 9, 'telling': 2, 'tend': 1, 'than': 1, 'thank': 1, 'that': 25, 'their': 1, 'them': 9, 'there': 2, 'these': 1, 'they': 28, 'thieves': 1, 'think': 3, 'thinking': 1, 'this': 8, 'those': 1, 'thousand': 1, 'three': 2, 'three-headed': 1, 'thundered': 2, 'time': 1, 'told': 2, 'tomorrow': 1, 'tonight': 1, 'tower': 1, 'trembling': 2, 'tried': 1, 'truth': 1, 'turban': 1, 'turns': 1, 'twig': 1, 'under': 1, 'underneath': 1, 'understood': 1, 'unicorn': 1, 'unpopular': 1, 'utter': 1, 'valuable': 1, 'very': 1, 'view': 1, 'waiting': 1, 'want': 3, 'wanted': 4, 'wants': 1, 'waste': 1, 'watch': 1, 'water': 1, 'wave': 1, 'wearing': 1, 'well': 4, 'well-organized': 1, 'were': 1, 'whatever': 1, 'when': 2, 'where': 1, 'whispered': 1, 'whole': 1, 'wildly': 1, 'window': 1, 'with': 6, 'without': 2, 'wizard': 2, 'wonder': 2, 'wondered': 1, 'wondering': 4, 'word': 1, 'words': 2, 'work': 1, 'world': 2, 'worrying': 1, 'would': 4, 'wrong': 1, 'year': 1, 'you-know-what': 1, 'you-know-who': 2, 'your': 4, 'yours': 1}), 'arrived': Counter({'broomstick': 1, 'carrying': 1, 'dudley': 1, 'dumbledore': 1, 'dursley': 1, 'forget': 1, 'from': 1, 'grunnings': 1, 'harry': 3, 'hooch': 1, 'just': 2, 'kitchen': 1, 'left': 1, 'letters': 1, 'looked': 1, 'mail': 4, 'moments': 1, 'potters': 1, 'right': 1, 'short': 1, 'street': 2, 'they': 2, 'thing': 1, 'time': 1, 'uncle': 1, 'wood': 1}), 'street': Counter({'arrived': 2, 'cobbled': 1, 'corner': 2, 'could': 1, 'down': 4, 'dursleys': 1, 'full': 1, 'hand': 1, 'lamp': 1, 'lamps': 1, 'looking': 1, 'mother': 2, 'nearest': 1, 'next': 1, 'onto': 1, 'ordinary': 1, 'other': 3, 'passersby': 1, 'screaming': 1, 'seemed': 1, 'some': 2, 'strangers': 1, 'that': 2, 'their': 1, 'they': 1, 'toward': 1, 'trying': 1, 'walked': 1, 'were': 1, 'when': 1, 'where': 1, 'whole': 1}), 'knew': Counter({'allowed': 1, 'already': 2, 'always': 1, 'asked': 1, 'aunt': 1, 'away': 1, 'been': 1, 'better': 1, 'books': 1, 'comfort': 1, 'could': 1, 'course': 3, 'cried': 1, 'didn': 1, 'doing': 1, 'drawback': 1, 'drove': 1, 'dursleys': 1, 'ever': 1, 'everybody': 1, 'everything': 1, 'fast': 1, 'father': 1, 'feeling': 1, 'filch': 2, 'forbidden': 1, 'friends': 1, 'furiously': 1, 'gave': 1, 'grasp': 1, 'gray-faced': 1, 'harry': 11, 'head': 1, 'hermione': 2, 'hoarse': 1, 'hurt': 1, 'indeed': 1, 'just': 3, 'kitchens': 1, 'knew': 2, 'lesson': 1, 'looking': 1, 'lost': 1, 'making': 1, 'malfoy': 1, 'midnight': 1, 'miles': 1, 'moved': 1, 'murmured': 1, 'must': 1, 'never': 4, 'neville': 1, 'nicer': 1, 'nothing': 1, 'once': 1, 'ought': 1, 'past': 1, 'photos': 1, 'pocket': 1, 'potters': 1, 'probably': 2, 'quirrell': 1, 'said': 1, 'secret': 1, 'seen': 1, 'should': 1, 'shrieked': 1, 'somehow': 1, 'someone': 4, 'sorry': 1, 'suddenly': 1, 'sure': 1, 'that': 7, 'them': 2, 'they': 7, 'very': 1, 'wanted': 1, 'were': 1, 'what': 7, 'when': 1, 'wish': 1, 'wizard': 2, 'would': 1}), 'never': Counter({'about': 1, 'accountant': 1, 'after': 1, 'again': 1, 'anxious': 1, 'anything': 3, 'anyway': 1, 'arms': 1, 'asked': 1, 'away': 1, 'back': 1, 'because': 1, 'been': 11, 'before': 1, 'believed': 1, 'betray': 1, 'blown': 1, 'bred': 1, 'caught': 1, 'clothes': 1, 'corridor': 1, 'could': 2, 'course': 1, 'creatures': 1, 'curiously': 1, 'difficult': 1, 'diggle': 1, 'done': 1, 'dragon': 1, 'drink': 1, 'dudley': 1, 'dumbledore': 1, 'dursleys': 1, 'enviously': 1, 'even': 7, 'evening': 1, 'ever': 1, 'exactly': 2, 'expected': 1, 'face': 1, 'faces': 1, 'felt': 2, 'first': 1, 'floor': 1, 'fluffy': 1, 'food': 1, 'forget': 2, 'forgive': 1, 'getting': 2, 'girl': 1, 'going': 3, 'gone': 2, 'grandmother': 1, 'guard': 1, 'happened': 1, 'harry': 13, 'have': 7, 'head': 1, 'heard': 5, 'held': 1, 'hogwarts': 1, 'hoped': 1, 'howling': 1, 'hugging': 1, 'hungry': 1, 'important': 1, 'interest': 1, 'just': 1, 'kitchens': 1, 'knees': 1, 'knew': 4, 'know': 4, 'known': 1, 'leave': 1, 'letters': 1, 'library': 1, 'life': 1, 'like': 1, 'listen': 1, 'looked': 1, 'lost': 1, 'loud': 1, 'made': 1, 'magic': 1, 'many': 1, 'matter': 1, 'mean': 1, 'mess': 1, 'mightn': 1, 'mind': 4, 'money': 2, 'much': 2, 'must': 1, 'natural': 1, 'near': 1, 'nervous': 1, 'neville': 1, 'night': 1, 'noticed': 1, 'offhand': 1, 'often': 1, 'other': 1, 'platform': 1, 'potter': 1, 'professor': 1, 'proof': 1, 'quite': 1, 'rage': 1, 'read': 1, 'remember': 1, 'rest': 1, 'return': 1, 'said': 1, 'seen': 11, 'smelled': 1, 'something': 1, 'speak': 1, 'spoke': 1, 'stared': 1, 'such': 2, 'talk': 1, 'tasted': 1, 'taught': 1, 'tell': 2, 'that': 3, 'them': 2, 'these': 1, 'they': 6, 'thought': 3, 'thundered': 1, 'time': 1, 'toilet': 2, 'told': 3, 'trembling': 1, 'tried': 1, 'trouble': 1, 'uncle': 1, 'understand': 1, 'unicorns': 1, 'vain': 1, 'view': 1, 'wanted': 2, 'well': 1, 'were': 1, 'which': 1, 'will': 4, 'with': 1, 'wizard': 1, 'wonder': 1, 'wondered': 1, 'work': 1, 'would': 8, 'writing': 1, 'years': 2, 'you-know-who': 1, 'yours': 1}), 'even': Counter({'about': 1, 'accidents': 1, 'alive': 1, 'allowed': 1, 'another': 1, 'applause': 1, 'around': 1, 'aunt': 1, 'beady-eyed': 1, 'beats': 1, 'bedspread': 1, 'been': 1, 'before': 2, 'behind': 1, 'better': 1, 'black': 1, 'blimey': 1, 'book': 1, 'brave': 1, 'broomstick': 1, 'budge': 1, 'careful': 1, 'cartoon': 1, 'centaurs': 1, 'conk': 1, 'control': 1, 'corridors': 1, 'could': 2, 'daylight': 1, 'deeper': 2, 'deeply': 1, 'direction': 1, 'distance': 1, 'done': 1, 'door': 1, 'dream': 1, 'dressed': 1, 'drops': 1, 'drove': 1, 'dudley': 2, 'dumbledore': 1, 'easy': 1, 'endless': 1, 'enough': 1, 'ever': 1, 'famous': 2, 'father': 1, 'forced': 1, 'found': 1, 'ghost': 1, 'ghoulie': 1, 'glory': 1, 'going': 1, 'hagrid': 1, 'harry': 4, 'hated': 2, 'have': 1, 'heard': 1, 'higher': 1, 'house': 1, 'imagined': 1, 'inch': 1, 'inside': 1, 'know': 2, 'larger': 1, 'last': 1, 'lasted': 1, 'less': 1, 'like': 1, 'listen': 1, 'little': 1, 'looked': 2, 'looking': 1, 'lower': 1, 'made': 1, 'makes': 1, 'manage': 2, 'maybe': 1, 'meet': 1, 'midair': 1, 'might': 1, 'more': 5, 'muggles': 2, 'nastier': 1, 'never': 7, 'neville': 1, 'nighttime': 1, 'notice': 2, 'noticed': 1, 'ours': 1, 'people': 1, 'playing': 1, 'plunged': 1, 'possible': 1, 'potters': 1, 'professor': 1, 'quidditch': 2, 'quirrell': 1, 'ravenclaw': 1, 'ravenclaws': 1, 'reached': 1, 'real': 1, 'realizing': 1, 'really': 1, 'remember': 2, 'road': 1, 'rude': 1, 'sank': 1, 'sardine': 1, 'scratch': 1, 'seem': 1, 'seen': 3, 'should': 1, 'sides': 1, 'sleepy': 1, 'smaller': 1, 'snape': 2, 'somehow': 1, 'something': 1, 'sometimes': 1, 'stone': 1, 'stop': 1, 'stopper': 1, 'story': 1, 'sure': 1, 'surprised': 1, 'surprises': 1, 'take': 1, 'taller': 1, 'teachers': 1, 'tell': 1, 'than': 1, 'that': 2, 'them': 1, 'then': 1, 'there': 3, 'they': 2, 'think': 1, 'thinking': 1, 'this': 1, 'though': 7, 'three-headed': 1, 'times': 1, 'told': 1, 'touched': 1, 'troll': 3, 'tryin': 1, 'understand': 1, 'voldemort': 1, 'wanted': 1, 'when': 2, 'will': 1, 'window': 1, 'with': 2, 'without': 2, 'wondered': 1, 'wood': 1, 'work': 1, 'worse': 1, 'worth': 1, 'would': 3, 'wrong': 1, 'years': 1, 'you-know-who': 1}), 'seen': Counter({'afternoon': 1, 'already': 1, 'anyone': 2, 'anythin': 3, 'anything': 2, 'been': 2, 'before': 3, 'carrying': 1, 'chalk': 1, 'class': 1, 'coming': 1, 'could': 2, 'daylight': 1, 'diggle': 1, 'dragon': 1, 'dursley': 1, 'earlier': 1, 'easy': 1, 'even': 3, 'ever': 3, 'fire': 1, 'forest': 1, 'from': 1, 'game': 1, 'ginny': 1, 'harry': 4, 'have': 6, 'heard': 1, 'higgs': 1, 'hogwarts': 1, 'hurt': 1, 'knew': 1, 'know': 1, 'life': 1, 'look': 1, 'looked': 1, 'make': 1, 'malfoy': 1, 'many': 2, 'mcgonagall': 1, 'might': 1, 'mirror': 1, 'must': 1, 'neck': 1, 'never': 11, 'only': 1, 'over': 1, 'parents': 1, 'privet': 1, 'quirrell': 1, 'reason': 1, 'ronan': 1, 'ruff': 1, 'said': 1, 'screamed': 1, 'snake': 1, 'snape': 1, 'stiffly': 1, 'stupid': 1, 'that': 1, 'their': 1, 'then': 1, 'they': 2, 'this': 1, 'toad': 2, 'walked': 1, 'wanting': 1, 'what': 6}), 'this': Counter({"'dumbledore": 1, "'you-": 1, 'about': 8, 'added': 1, 'after': 1, 'afternoon': 1, 'again': 3, 'agreed': 1, 'alone': 1, 'although': 1, 'another': 2, 'anyway': 2, 'anywhere': 2, 'asked': 1, 'awkward': 1, 'back': 3, 'badly': 2, 'ball': 2, 'bane': 1, 'beechwood': 1, 'been': 1, 'believe': 1, 'believed': 1, 'bend': 1, 'best': 1, 'better': 1, 'blimey': 1, 'bodyguards': 1, 'boring': 1, 'broom': 1, 'broomsticks': 1, 'brother': 1, 'brought': 1, 'bunch': 1, 'burst': 1, 'case': 1, 'celebrating': 1, 'championship': 1, 'chance': 1, 'changed': 1, 'chess': 1, 'clapped': 1, 'cloak': 1, 'compartment': 1, 'could': 3, 'crabbe': 2, 'cupboard': 3, 'cured': 1, 'darkness': 1, 'deep': 1, 'deeply': 1, 'destined': 1, 'devil': 1, 'difficult': 1, 'does': 1, 'doing': 3, 'done': 2, 'door': 1, 'doubted': 1, 'dudley': 1, 'dumbledore': 2, 'easy': 2, 'enough': 2, 'erised': 1, 'even': 1, 'evening': 1, 'ever': 1, 'exactly': 1, 'examine': 1, 'excitedly': 1, 'expected': 1, 'explain': 2, 'eyes': 1, 'face': 1, 'family': 1, 'fang': 1, 'father': 1, 'firenze': 1, 'first': 2, 'followed': 1, 'forehead': 1, 'forest': 5, 'forget': 1, 'found': 1, 'frightenin': 1, 'from': 3, 'funny': 1, 'game': 1, 'gentleman': 1, 'given': 1, 'going': 2, 'gone': 1, 'goyle': 1, 'granger': 1, 'gryffindor': 2, 'hagrid': 1, 'handed': 1, 'happens': 1, 'happy': 1, 'harry': 12, 'have': 2, 'hear': 2, 'here': 1, 'hermione': 5, 'hiding': 1, 'himself': 1, 'honestly': 1, 'hope': 1, 'hospital': 1, 'house': 1, 'however': 1, 'hunting': 1, 'idiot': 1, 'important': 3, 'improvement': 1, 'infernal': 1, 'informed': 1, 'inside': 1, 'interesting': 1, 'just': 2, 'keep': 1, 'kicking': 1, 'knows': 1, 'large': 1, 'leaky': 1, 'leaves': 1, 'left': 3, 'letter': 1, 'library': 1, 'like': 9, 'lily': 2, 'listen': 1, 'little': 1, 'load': 1, 'locked': 1, 'london': 2, 'look': 3, 'looked': 2, 'looking': 1, 'loose': 1, 'lucky': 1, 'lurking': 1, 'madam': 1, 'made': 3, 'magic': 2, 'make': 1, 'mean': 1, 'means': 2, 'mention': 1, 'might': 1, 'mirror': 5, 'mistake': 1, 'moaned': 1, 'moment': 4, 'monday': 1, 'money': 1, 'morning': 2, 'much': 1, 'name': 4, 'needs': 1, 'neville': 2, 'news': 1, 'nightmare': 1, 'none': 1, 'nonsense': 1, 'normal': 2, 'often': 1, 'oliver': 1, 'ollivander': 1, 'once': 1, 'only': 1, 'open': 1, 'other': 1, 'outta': 1, 'over': 1, 'owls': 1, 'paper': 1, 'part': 2, 'patched': 1, 'peace': 1, 'peeves': 1, 'people': 2, 'piece': 1, 'pillow': 1, 'place': 2, 'planned': 1, 'plant': 1, 'pointing': 1, 'possession': 1, 'potter': 4, 'presents': 1, 'private': 1, 'probably': 1, 'protect': 1, 'quicker': 1, 'raised': 1, 'read': 1, 'real': 1, 'realize': 1, 'realizing': 1, 'reason': 1, 'refereeing': 1, 'remember': 1, 'reminded': 1, 'ronan': 1, 'room': 1, 'round': 1, 'rules': 1, "s'pposed": 1, 'safe': 2, 'said': 12, 'school': 3, 'second': 1, 'security': 1, 'seemed': 2, 'seen': 1, 'servant': 1, 'shape': 1, 'silver': 1, 'snake': 1, 'snitch': 1, 'snoozed': 1, 'soccer': 1, 'some': 3, 'somehow': 1, 'someone': 1, 'something': 1, 'soothe': 1, 'sorry': 1, 'specimen': 1, 'splendid': 1, 'spoken': 1, 'spokesgoblin': 1, 'stay': 1, 'stone': 1, 'stop': 1, 'story': 2, 'strangely': 1, 'stuff': 2, 'stupid': 1, 'subjects': 1, 'summat': 1, 'summer': 3, 'supposed': 4, 'sure': 1, 'take': 4, 'talk': 1, 'taught': 1, 'tell': 1, 'tells': 1, 'than': 1, 'that': 8, 'then': 1, 'there': 3, 'they': 7, 'thing': 1, 'things': 1, 'think': 2, 'thinks': 1, 'this': 6, 'those': 1, 'though': 5, 'thought': 4, 'three': 1, 'time': 18, 'together': 1, 'touch': 1, 'trouble': 1, 'true': 1, 'trusting': 1, 'turn': 1, 'turned': 1, 'turns': 1, 'twice': 1, 'twins': 1, 'uncle': 1, 'under': 1, 'understand': 1, 'uneasy': 1, 'unfair': 1, 'used': 1, 'very': 6, 'voldemort': 1, 'wand': 3, 'want': 1, 'wanting': 1, 'weasley': 1, 'weeks': 1, 'what': 8, 'when': 1, 'whenever': 1, 'where': 2, 'which': 1, 'while': 1, 'whole': 1, 'wings': 1, 'with': 1, 'wizard': 3, 'wolfsbane': 1, 'wonderful': 1, 'wood': 1, 'worry': 1, 'would': 2, 'year': 7, 'years': 1, 'yehve': 1, 'your': 1}), 'another': Counter({'agree': 1, 'ahead': 1, 'around': 1, 'away': 1, 'bludger': 1, 'boat': 1, 'body': 2, 'bought': 1, 'breaking': 1, 'charlie': 1, 'choosing': 1, 'christmas': 1, 'corridors': 1, 'could': 2, 'disgruntled': 1, 'dodged': 1, 'door': 2, 'dropped': 1, 'dumbledore': 1, 'escalator': 1, 'even': 1, 'feather': 1, 'fifty': 1, 'freedom': 1, 'from': 1, 'funny': 1, 'gave': 1, 'goblin': 1, 'good': 1, 'griphook': 1, 'hall': 1, 'hardly': 1, 'harry': 6, 'have': 4, 'here': 1, 'hooted': 1, 'hufflepuff': 1, 'invisibility': 1, 'lemon': 1, 'little': 1, 'lived': 1, 'long': 1, 'look': 1, 'looked': 2, 'looking': 1, 'made': 1, 'making': 1, 'meantime': 1, 'note': 1, 'offered': 1, 'penalty': 1, 'piece': 1, 'plate': 1, 'player': 1, 'pocket': 1, 'point': 1, 'potter': 1, 'presents': 1, 'quickly': 2, 'reached': 1, 'reason': 1, 'rock': 1, 'school': 1, 'seconds': 1, 'share': 1, 'sideways': 1, 'spiral': 1, 'staircase': 1, 'take': 1, 'talk': 1, 'talking': 1, 'that': 2, 'then': 2, 'there': 2, 'they': 1, 'this': 2, 'through': 1, 'ticked': 1, 'time': 1, 'usual': 1, 'visitor': 1, 'weasley': 1, 'weather': 1, 'when': 1, 'will': 1, 'with': 2, 'without': 1, 'wizard': 1, 'wondering': 1, 'word': 3, 'year': 1, 'young': 1}), 'good': Counter({'able': 1, 'about': 2, 'above': 1, 'after': 1, 'afternoon': 3, 'another': 1, 'argue': 1, 'armchairs': 1, 'audience': 1, 'back': 1, 'beating': 1, 'because': 2, 'been': 1, 'brooms': 1, 'buckle': 1, 'chance': 1, 'chess': 1, 'craning': 1, 'cups': 1, 'dean': 1, 'drawing': 1, 'dream': 1, 'dumbledore': 1, 'enough': 1, 'evening': 3, 'every': 1, 'evil': 2, 'expelled': 1, 'faintly': 1, 'felt': 1, 'find': 1, 'food': 1, 'forward': 1, 'four': 1, 'hagrid': 1, 'hand': 1, 'harry': 1, 'have': 5, 'having': 1, 'herbology': 1, 'here': 1, 'hermione': 2, 'holiday': 1, 'idea': 4, 'just': 1, 'kick': 1, 'know': 2, 'known': 1, 'last': 1, 'laugh': 1, 'lock': 1, 'look': 3, 'lord': 2, 'luck': 5, 'magic': 1, 'marks': 2, 'minute': 1, 'mood': 2, 'much': 1, 'must': 1, 'night': 1, 'norris': 1, 'nothing': 1, 'omen': 1, 'player': 1, 'pocket': 1, 'pretty': 1, 'question': 1, 'quidditch': 2, 'rang': 1, 'really': 1, 'reason': 4, 'results': 1, 'right': 1, 'said': 6, 'something': 1, 'spinnet': 1, 'strode': 1, 'such': 2, 'supposed': 1, 'talk': 1, 'telling': 1, 'term': 2, 'that': 5, 'them': 1, 'there': 3, 'they': 2, 'think': 1, 'through': 1, 'time': 3, 'training': 1, 'tried': 1, 'trouble': 1, 'very': 11, 'visitor': 1, 'wand': 1, 'wears': 1, 'well': 2, 'were': 1, 'what': 4, 'wished': 1, 'witch': 1, 'with': 1, 'would': 1, 'wrong': 1, 'you-know-who': 1, 'your': 1}), 'reason': Counter({'agony': 1, 'allowed': 1, 'almost': 1, 'another': 1, 'back': 1, 'because': 1, 'been': 1, 'down': 1, 'earth': 1, 'fight': 1, 'frightened': 1, 'gives': 1, 'good': 4, 'hoping': 1, 'keeping': 1, 'looking': 2, 'lose': 1, 'only': 1, 'penalty': 1, 'people': 1, 'peppermint': 1, 'real': 1, 'seen': 1, 'sight': 1, 'some': 3, 'strange': 1, 'tell': 1, 'that': 2, 'them': 1, 'there': 2, 'they': 1, 'this': 1, 'trying': 1, 'wanting': 1, 'which': 1, 'with': 1}), 'keeping': Counter({'been': 1, 'busy': 2, 'class': 2, 'doing': 1, 'dragon': 1, 'dragons': 1, 'dumbledore': 1, 'gift': 1, 'head': 1, 'mind': 1, 'noticing': 1, 'potters': 1, 'reason': 1, 'safe': 1, 'their': 1, 'thing': 1, 'trouble': 1, 'walls': 1}), 'away': Counter({'ages': 1, 'another': 1, 'anyone': 1, 'backed': 2, 'before': 1, 'bludgers': 1, 'bobbing': 1, 'brothers': 1, 'cleared': 1, 'closed': 1, 'corner': 1, 'crashing': 1, 'cringed': 1, 'darkness': 1, 'died': 1, 'door': 1, 'drive': 1, 'ducked': 1, 'dying': 1, 'exploded': 1, 'eyes': 4, 'faded': 1, 'falling': 1, 'feet': 2, 'fell': 1, 'filch': 1, 'fire': 1, 'floated': 1, 'foot': 1, 'from': 17, 'gasp': 1, 'getting': 2, 'give': 1, 'going': 1, 'gossiped': 1, 'goyle': 1, 'growing': 1, 'happily': 1, 'harry': 7, 'higher': 1, 'hurry': 1, 'into': 1, 'just': 2, 'knew': 1, 'know': 1, 'lamp': 1, 'landed': 1, 'limped': 1, 'london': 1, 'marched': 1, 'melted': 1, 'minutes': 1, 'muttering': 1, 'never': 1, 'peeves': 2, 'potion': 1, 'potters': 1, 'punch': 1, 'puts': 1, 'quietly': 1, 'quirrell': 2, 'rattling': 1, 'relief': 1, 'right': 3, 'said': 1, 'shuffled': 1, 'sloped': 1, 'sorting': 1, 'spells': 1, 'stay': 1, 'stopped': 1, 'streets': 1, 'strode': 1, 'studying': 1, 'take': 2, 'taken': 1, 'that': 1, 'there': 1, 'they': 2, 'three': 1, 'through': 2, 'throw': 1, 'time': 1, 'trailed': 1, 'trouble': 1, 'tucked': 1, 'vanished': 1, 'walked': 3, 'wasted': 1, 'weeks': 1, 'were': 1, 'while': 2, 'whiskers': 1, 'whooshing': 1, 'with': 3, 'without': 1, 'wonder': 1, 'zigzagging': 1, 'zooming': 1}), 'want': Counter({'about': 1, 'answered': 1, 'anyone': 1, 'anythin': 1, 'anything': 2, 'around': 1, 'aside': 1, 'attacked': 1, 'back': 4, 'beans': 1, 'because': 1, 'began': 1, 'believe': 2, 'bloody': 1, 'books': 1, 'breakfast': 1, 'burn': 1, 'card': 1, 'careful': 1, 'come': 1, 'could': 1, "d'you": 1, 'didn': 1, 'does': 1, 'dudley': 1, 'dumbledore': 1, 'eagerly': 1, 'ever': 1, 'everybody': 1, 'everyone': 1, 'everything': 1, 'fang': 1, 'feast': 1, 'feet': 1, 'firenze': 1, 'first': 2, 'foot': 1, 'going': 1, 'green': 1, 'hagrid': 1, 'hand': 2, 'harry': 6, 'have': 1, 'head': 1, 'hear': 2, 'help': 1, 'himself': 1, 'home': 1, 'hurry': 1, 'just': 1, 'keep': 1, 'kids': 1, 'kill': 1, 'know': 2, 'least': 1, 'letter': 1, 'look': 1, 'loudly': 1, 'making': 1, 'might': 1, 'more': 3, 'morning': 1, 'mother': 1, 'move': 2, 'nice': 1, 'normal': 1, 'oliver': 1, 'other': 1, 'owls': 1, 'parents': 1, 'passed': 1, 'pasty': 1, 'play': 1, 'potter': 1, 'pressure': 1, 'professor': 1, 'read': 2, 'said': 3, 'severus': 1, 'show': 1, 'slytherin': 2, 'start': 1, 'started': 1, 'stay': 3, 'stick': 1, 'stop': 1, 't-t-to': 1, 'takin': 1, 'talk': 1, 'tell': 2, 'that': 2, 'them': 1, 'there': 1, 'they': 2, 'thing': 1, 'things': 2, 'this': 1, 'thousand': 1, 'three': 1, 'time': 1, 'tonight': 3, 'turban': 1, 'unless': 1, 'voice': 1, 'walk': 1, 'watch': 1, 'what': 3, 'whatever': 2, 'wizard': 1, 'wonder': 1, 'word': 1, 'would': 2, 'your': 2, 'yourselves': 1}), 'mixing': Counter({'dudley': 1, 'simple': 1, 'them': 1, 'with': 1}), 'child': Counter({'every': 1, 'like': 1, 'with': 1, 'world': 1}), 'like': Counter({'about': 1, 'acted': 1, 'almost': 1, 'along': 1, 'angry': 1, 'anxiously': 1, 'anythin': 1, 'anything': 2, 'anyway': 1, 'arms': 1, 'around': 4, 'baby': 2, 'badge': 1, 'basketball': 1, 'battered': 1, 'before': 1, 'being': 1, 'believe': 1, 'bill': 2, 'black': 3, 'blast': 1, 'blood': 1, 'body': 1, 'bodyguards': 1, 'bolt': 2, 'boulder': 1, 'broke': 1, 'brooms': 1, 'broomstick': 1, 'bullet': 1, 'bullets': 1, 'call': 1, 'canary-yellow': 1, 'cannon': 1, 'cannonball': 1, 'cats': 1, 'cauldron': 1, 'child': 1, 'chilled': 1, 'chocolate': 1, 'cloak': 1, 'club': 1, 'coconut': 1, 'come': 1, 'cork': 1, 'corned': 1, 'crikey': 1, 'crumpled': 1, "d'yeh": 1, 'directing': 1, 'dirty': 1, 'does': 1, 'doing': 1, 'donkeys': 1, 'dragon': 2, 'dudley': 1, 'dumbledore': 1, 'dunno': 1, 'eagle': 1, 'ears': 1, 'erised': 1, 'even': 1, 'everyone': 1, 'everything': 1, 'exactly': 1, 'eyes': 5, 'face': 2, 'families': 1, 'father': 1, 'feeble': 1, 'feel': 2, 'feels': 1, 'feet': 1, 'felt': 1, 'filch': 2, 'firecracker': 1, 'fireplace': 1, 'firework': 1, 'fireworks': 1, 'flitwick': 2, 'flying': 1, 'foghorn': 1, 'folk': 1, 'football': 1, 'forgets': 1, 'fortune-telling': 1, 'from': 1, 'game': 1, 'giant': 1, 'gigantic': 1, 'glinting': 1, 'going': 2, 'great': 1, 'ground': 2, 'grunted': 1, 'hagrid': 3, 'half': 1, 'halloween': 1, 'handle': 1, 'hard': 1, 'harp': 1, 'harry': 8, 'have': 2, 'hawk': 2, 'head': 1, 'hermione': 1, 'high': 1, 'himself': 1, 'home': 1, 'hooves': 1, 'horrible': 1, 'horribly': 1, 'horses': 1, 'hours': 2, 'howl': 1, 'hundreds': 1, 'idea': 1, 'inside': 1, 'introduce': 1, 'javelin': 1, 'just': 7, 'know': 1, 'lake': 1, 'lamp': 1, 'large': 2, 'laughed': 1, 'lead': 1, 'leaving': 1, 'less': 1, 'lightning': 1, 'like': 2, 'little': 3, 'look': 4, 'looked': 22, 'looks': 2, 'lumpy': 1, 'made': 1, 'malfay': 1, 'maniacs': 1, 'might': 1, 'mimblewimble': 1, 'mine': 1, 'mirror': 1, 'money': 1, 'moons': 1, 'more': 2, 'mouse': 1, 'mouth': 1, 'much': 3, 'muggle': 3, 'muggles': 1, 'never': 1, 'neville': 1, 'noise': 1, 'normal': 1, 'norris': 1, 'noses': 1, 'nostrils': 1, 'nothing': 2, 'oldest': 1, 'ones': 2, 'other': 1, 'outside': 1, 'overgrown': 1, 'pain': 1, 'pair': 1, 'palace': 1, 'pale': 2, 'parking': 1, 'peeves': 1, 'people': 1, 'perched': 1, 'person': 1, 'professor': 3, 'quick': 1, 'radish': 1, 'really': 1, 'remarkably': 1, 'riffraff': 1, 'rock': 1, 'said': 2, 'sayin': 1, 'second': 2, 'seem': 1, 'seemed': 3, 'shaped': 2, 'sharing': 1, 'shining': 1, 'short': 1, 'silver': 1, 'singing': 1, 'sister': 1, 'slug': 1, 'snake': 1, 'snape': 1, 'soccer': 1, 'some': 1, 'somethin': 1, 'something': 5, 'sort': 1, 'sound': 5, 'sounded': 4, 'sounds': 2, 'sport': 1, 'still': 1, 'stop': 2, 'straight': 1, 'sword': 1, 'tapping': 1, 'tell': 1, 'that': 13, 'their': 1, 'them': 3, 'there': 2, 'thern': 1, 'they': 4, 'thing': 1, 'things': 2, 'this': 9, 'thought': 2, 'tight': 1, 'time': 1, 'told': 2, 'toothless': 1, 'torches': 1, 'touch': 1, 'trouble': 1, 'trunk': 1, 'twanging': 1, 'uncle': 1, 'unless': 1, 'unpleasant': 1, 'unused': 1, 'usually': 1, 'vernon': 1, 'very': 1, 'wanted': 2, 'water': 1, 'wearing': 1, 'weasleys': 1, 'well': 1, 'were': 2, 'what': 2, 'when': 2, 'wide': 1, 'windmill': 1, 'wings': 1, 'with': 1, 'word': 3, 'words': 1, 'would': 2, 'wounded': 1, 'your': 2, 'yours': 1, 'yourself': 2}), 'when': Counter({"'wand": 1, 'about': 1, 'after': 2, 'afternoon': 1, 'again': 1, 'always': 1, 'amazed': 1, 'angelina': 1, 'ankles': 1, 'another': 1, 'answer': 1, 'asked': 2, 'aunt': 2, 'back': 2, 'been': 1, 'being': 1, 'believe': 1, 'bell': 1, 'blow': 1, 'book': 1, 'break': 1, 'breathe': 1, 'brother': 1, 'call': 2, 'came': 2, 'cart': 1, 'cauldron': 1, 'changed': 1, 'charlie': 1, 'cheered': 1, 'clouds': 1, 'color': 1, 'compartment': 2, 'corner': 2, 'corridor': 1, 'could': 3, 'crash': 1, 'crowd': 1, 'darkly': 1, 'delicately': 1, 'delighted': 1, 'disappeared': 1, 'doing': 1, 'door': 2, 'doorknob': 1, 'draco': 1, 'dressed': 1, 'drew': 1, 'dudley': 2, 'dumbledore': 3, 'dungeons': 1, 'dursley': 1, 'dursleys': 1, 'easily': 1, 'easy': 1, 'else': 1, 'ends': 1, 'entrance': 1, 'envelope': 1, 'even': 2, 'evening': 1, 'ever': 1, 'every': 1, 'everyone': 1, 'everything': 1, 'exams': 1, 'expelled': 1, 'eyes': 2, 'face': 1, 'faces': 1, 'failed': 1, 'fallen': 1, 'favorite': 1, 'finally': 1, 'finish': 1, 'finished': 2, 'firenze': 1, 'flint': 1, 'fluttered': 1, 'food': 1, 'forgotten': 1, 'forward': 1, 'fouls': 1, 'found': 2, 'frightening': 1, 'game': 1, 'gave': 1, 'getting': 1, 'ghost': 1, 'going': 2, 'great': 1, 'green': 1, 'ground': 1, 'hagrid': 4, 'half': 2, 'hall': 1, 'hand': 1, 'handle': 1, 'happen': 3, 'happened': 3, 'harry': 16, 'hatched': 1, 'hatches': 1, 'have': 1, 'head': 1, 'here': 2, 'hermione': 6, 'hogwarts': 1, 'hole': 1, 'hope': 1, 'house': 1, 'however': 1, 'howling': 1, 'idea': 1, 'important': 1, 'indeed': 1, 'indoors': 1, 'jerked': 1, 'jinx': 1, 'jumped': 1, 'knew': 1, 'leave': 1, 'left': 3, 'letter': 1, 'letters': 1, 'like': 2, 'look': 1, 'looked': 1, 'lopsided': 1, 'lord': 1, 'lunchtime': 1, 'mail': 1, 'malfoy': 1, 'mcgonagall': 1, 'midnight': 1, 'morning': 2, 'mouthful': 1, 'mrs.': 1, 'much': 1, 'name': 1, 'neville': 2, 'night': 1, 'nightmares': 1, 'normally': 1, 'number': 1, 'occasions': 1, 'older': 2, 'only': 2, 'open': 1, 'over': 1, 'owls': 2, 'owner': 1, 'paces': 1, 'pain': 1, 'parchment': 1, 'parents': 1, 'pass': 1, 'path': 1, 'petunia': 1, 'places': 1, 'pleased': 1, 'polite': 1, 'portrait': 2, 'potato': 1, 'potion': 1, 'potter': 1, 'powerful': 1, 'presents': 1, 'professor': 2, 'quietly': 1, 'quiver': 1, 'rabbit': 1, 'reached': 1, 'ready': 2, 'realized': 1, 'reminded': 1, 'rest': 1, 'restaurant': 1, 'return': 1, 'said': 5, 'scabbets': 1, 'scared': 2, 'screamed': 1, 'seamus': 1, 'send': 1, 'september': 1, 'share': 1, 'sheet': 1, 'shock': 2, 'skipping': 1, 'slept': 1, 'slithering': 1, 'slugs': 1, 'snape': 1, 'snatched': 1, 'snitch': 1, 'someone': 2, 'something': 1, 'sometimes': 1, 'soon': 1, 'staircase': 1, 'stopped': 1, 'story': 1, 'strained': 1, 'street': 1, 'surprise': 1, 'swear': 1, 'swore': 1, 'table': 1, 'tail': 2, 'take': 1, 'tell': 1, 'than': 1, 'that': 3, 'their': 1, 'them': 1, 'there': 1, 'they': 19, 'thing': 1, 'this': 1, 'thought': 1, 'through': 1, 'time': 3, 'tired': 1, 'toad': 1, 'told': 3, 'took': 2, 'toward': 1, 'train': 2, 'traveled': 1, 'tried': 1, 'true': 1, 'trying': 1, 'turned': 2, 'uncle': 1, 'unlocked': 1, 'upstairs': 1, 'usual': 2, 'very': 1, 'voice': 1, 'vol-': 1, 'wand': 4, 'warm': 1, 'were': 3, 'what': 2, 'with': 1, 'wizards': 1, 'woke': 2, 'wristwatch': 1, 'wrong': 1, 'wrote': 1, 'years': 1, 'your': 1, 'yourself': 1}), 'woke': Counter({'delicious': 1, 'dull': 1, 'dursley': 1, 'early': 2, 'exams': 1, 'find': 1, 'five': 1, 'harry': 4, 'hogwarts': 1, 'last': 1, 'next': 1, 'sweating': 1, 'they': 1, 'when': 2, 'with': 1}), 'dull': Counter({'granite': 1, 'gray': 1, 'skin': 1, 'woke': 1}), 'gray': Counter({'became': 1, 'dull': 1, 'fast': 1, 'funny': 1, 'glue': 1, 'granite': 1, 'great': 1, 'hair': 1, 'lake': 1, 'look': 1, 'lumpy': 1, 'pulled': 1, 'short': 1, 'silvery': 1, 'stayed': 1, 'swimming': 1, 'things': 1, 'tuesday': 1, 'water': 1, 'went': 1, 'which': 1, 'would': 1}), 'tuesday': Counter({'gray': 1, 'harry': 1, 'next': 1, 'said': 1, 'story': 1, 'tomorrow': 1}), 'story': Counter({'about': 1, 'again': 1, 'believed': 1, 'came': 1, 'cock-and-bull': 1, 'even': 1, 'hagrid': 1, 'harry': 1, 'heard': 1, 'knowin': 1, 'read': 1, 'some': 1, 'started': 1, 'starts': 1, 'them': 1, 'then': 1, 'thing': 1, 'this': 2, 'true': 1, 'tuesday': 1, 'when': 1}), 'starts': Counter({'beginning': 1, 'everyone': 1, 'story': 1, 'there': 1, 'understand': 1, 'year': 1}), 'nothing': Counter({'-please': 1, 'about': 2, 'again': 1, 'anxiously': 1, 'been': 1, 'catch': 1, 'could': 3, 'course': 1, 'dark': 1, 'dear': 2, 'door': 1, 'drowned': 1, 'dudley': 1, 'else': 2, 'except': 2, 'family': 1, 'found': 1, 'freedom': 1, 'gives': 1, 'going': 2, 'good': 1, 'haaa': 1, 'hagrid': 1, 'happened': 3, 'happens': 1, 'harry': 1, 'have': 1, 'hidden': 1, 'huge': 1, 'interfere': 1, 'jaws': 1, 'just': 1, 'knew': 1, 'light': 1, 'like': 2, 'little': 1, 'longbottom': 1, 'looking': 1, 'lose': 1, 'made': 1, 'matter': 1, 'middle': 1, 'more': 1, 'mysterious': 1, 'narrowed': 1, 'neville': 2, 'next': 1, 'nothing': 2, 'only': 1, 'owls': 1, 'perhaps': 1, 'please': 2, 'pockets': 1, 'probably': 1, 'remember': 1, 'said': 5, 'second': 1, 'shaking': 1, 'shows': 1, 'sitting': 1, 'stop': 1, 'that': 4, 'them': 2, 'there': 6, 'they': 1, 'though': 1, 'thought': 1, 'today': 1, 'tonight': 1, 'trash': 1, 'very': 1, 'walked': 1, 'wand': 2, 'weasley': 1, 'were': 1, 'what': 2, 'wide': 1, 'with': 2, 'worse': 1, 'would': 2}), 'cloudy': Counter({'about': 1, 'dark': 1, 'night': 1, 'outside': 1}), 'outside': Counter({'apothecary': 2, 'armchair': 1, 'back': 2, 'behaving': 1, 'cans': 1, 'cauldrons': 1, 'classroom': 1, 'classrooms': 1, 'clattering': 1, 'cloudy': 1, 'cold': 1, 'corridor': 4, 'creak': 1, 'door': 2, 'dropped': 1, 'enjoy': 1, 'front': 1, 'gloomy-looking': 1, 'great': 1, 'gringotts': 1, 'hoped': 1, 'house': 1, 'just': 1, 'kitchen': 1, 'knocking': 1, 'last': 1, 'library': 1, 'like': 1, 'lining': 1, 'locker': 1, 'luck': 1, 'nearest': 1, 'noise': 1, 'people': 1, 'read': 1, 'school': 1, 'scoop': 1, 'shakily': 1, 'showing': 1, 'sitting': 1, 'snape': 1, 'someone': 1, 'staff': 1, 'standing': 1, 'stay': 1, 'stopped': 1, 'storm': 1, 'stuffing': 1, 'suggest': 1, 'sunlight': 1, 'taken': 1, 'them': 2, 'there': 1, 'things': 1, 'think': 1, 'third-floor': 2, 'turned': 1, 'uncle': 1, 'wait': 1, 'waited': 1, 'wall': 1, 'were': 1, 'with': 1, 'woman': 1}), 'suggest': Counter({'back': 1, 'books': 1, 'make': 1, 'outside': 1, 'questions': 1, 'school': 1, 'smarten': 1, 'that': 1}), 'things': Counter({'about': 1, 'astonishing': 1, 'astounding': 1, 'banging': 1, 'began': 1, 'could': 3, 'crackers': 1, 'doormat': 1, 'dudley': 1, 'famous': 1, 'fear': 1, 'forest': 1, 'forget': 1, 'friendly': 1, 'friendship': 1, 'from': 2, 'gettin': 1, 'gray': 1, 'great': 3, 'guarding': 1, 'happen': 3, 'happened': 1, 'harry': 2, 'imagining': 2, 'important': 1, 'improve': 1, 'keep': 1, 'know': 1, 'like': 2, 'liked': 1, 'made': 1, 'many': 1, 'meddle': 1, 'meddlin': 1, 'messin': 1, 'most': 1, 'much': 1, 'mysterious': 1, 'name': 1, 'often': 1, 'only': 1, 'ordinary': 1, 'other': 3, 'outside': 1, 'over': 1, 'people': 1, 'pockets': 1, 'potter': 1, 'room': 1, 'said': 1, 'saturday': 1, 'share': 1, 'shops': 1, 'some': 2, 'sorts': 2, 'speed': 1, 'spotting': 1, 'stack': 1, 'stop': 1, 'strange': 2, 'taking': 1, 'teach': 1, 'tell': 1, 'terrible': 2, 'that': 5, 'there': 2, 'these': 2, 'think': 1, 'this': 1, 'those': 1, 'three': 1, 'tomorrow': 1, 'torn': 1, 'toys': 1, 'useful': 1, 'usual': 1, 'view': 1, 'want': 2, 'wanted': 1, 'which': 1, 'with': 1, 'worth': 1, 'would': 2, 'your': 1}), 'soon': Counter({'almost': 1, 'answer': 1, 'chat': 1, 'drawn': 1, 'expect': 1, 'find': 2, 'found': 1, 'full': 1, 'happening': 1, 'harry': 3, 'left': 1, 'make': 1, 'mercy': 1, 'only': 1, 'possible': 1, 'realized': 1, 'seeing': 1, 'shall': 1, 'started': 1, 'them': 1, 'there': 2, 'when': 1, 'white': 1, 'would': 1}), 'happening': Counter({'been': 1, 'down': 1, 'over': 1, 'soon': 1, 'that': 1, 'what': 1, 'while': 1, 'wrestling': 1}), 'country': Counter({'blimey': 1, 'down': 1, 'dursley': 1, 'over': 2, 'part': 1, 'started': 1, 'were': 1}), 'hummed': Counter({'could': 1, 'dumbledore': 1, 'dursley': 1, 'little': 1, 'picked': 1, 'tiptoe': 1}), 'picked': Counter({'bathrobes': 1, 'being': 1, 'breath': 1, 'briefcase': 1, 'card': 1, 'crime': 1, 'door': 1, 'down': 1, 'dursley': 1, 'felt': 1, 'frog': 1, 'green': 1, 'hagrid': 1, 'harry': 5, 'hummed': 1, 'most': 1, 'nimbus': 1, 'once': 1, 'parcel': 1, 'piece': 1, 'play': 1, 'robes': 1, 'shining': 1, 'smallest': 1, 'stared': 1, 'teams': 1, 'their': 1, 'tucked': 1}), 'most': Counter({'anxious': 1, 'back': 1, 'beard': 1, 'being': 1, 'boring': 2, 'certainly': 1, 'childhood': 1, 'complex': 1, 'dearly': 1, 'deepest': 1, 'desperate': 1, 'displeased': 1, 'dragon': 1, 'easily': 1, 'face': 2, 'feared': 1, 'from': 1, 'grin': 1, 'gringotts': 1, 'harry': 1, 'hated': 1, 'horrible': 1, 'human': 1, 'important': 1, 'malfoy': 1, 'miserable': 1, 'must': 1, 'mysterious': 1, 'overhead': 1, 'peculiar': 1, 'picked': 1, 'point': 1, 'points': 1, 'poisons': 1, 'popular': 1, 'ragged': 1, 'reckon': 1, 'relieved': 1, 'rock': 1, 'serious': 1, 'snitch': 1, 'some': 1, 'spent': 3, 'suddenly': 1, 'terrible': 1, 'that': 2, 'their': 2, 'them': 1, 'things': 1, 'thinnest': 1, 'will': 2, 'with': 1, 'wizards': 1}), 'boring': Counter({'class': 1, 'dudley': 1, 'most': 2, 'this': 1, 'work': 1}), 'work': Counter({'alchemy': 2, 'also': 1, 'anyway': 1, 'believed': 1, 'blood': 2, 'boring': 1, 'cats': 1, 'charlie': 1, 'charm': 1, 'cloak': 1, 'could': 1, 'couldn': 1, 'dark': 1, 'didnt': 1, 'does': 1, 'draco': 1, 'even': 1, 'extra': 1, 'finally': 1, 'from': 1, 'genius': 1, 'hard': 2, 'harry': 1, 'help': 1, 'make': 1, 'minds': 2, 'mrs.': 1, 'much': 1, 'never': 1, 'ollivander': 1, 'pain': 1, 'people': 1, 'plain': 1, 'plan': 1, 'professor': 1, 'robes': 1, 'ruefully': 1, 'show': 1, 'sooner': 1, 'spell': 1, 'strange': 1, 'that': 3, 'them': 1, 'though': 1, 'uncle': 1, 'vernon': 1, 'what': 1, 'with': 2, 'would': 1}), 'gossiped': Counter({'away': 1, 'dursley': 1}), 'happily': Counter({'away': 1, 'harry': 1, 'nodding': 1, 'shouting': 1, 'sighed': 1, 'still': 1, 'stretching': 1, 'they': 1, 'wood': 1, 'wrestled': 1}), 'wrestled': Counter({'happily': 1, 'screaming': 1}), 'screaming': Counter({'book': 1, 'dudley': 1, 'from': 1, 'harry': 1, 'street': 1, 'sweets': 1, 'whirled': 1, 'wrestled': 1}), 'into': Counter({'account': 1, 'again': 1, 'animals': 1, 'applause': 1, 'armchairs': 2, 'armed': 1, 'away': 1, 'back': 13, 'backed': 1, 'bath': 1, 'bean': 1, 'beard': 1, 'belt': 1, 'bent': 1, 'billowing': 1, 'blackness': 1, 'book': 1, 'break': 1, 'break-in': 1, 'broke': 3, 'bucket': 1, 'burst': 5, 'bursting': 1, 'came': 3, 'carefully': 1, 'cauldron': 1, 'ceiling': 1, 'chair': 2, 'chalk': 1, 'changed': 1, 'changing': 1, 'class': 2, 'classroom': 2, 'clearing': 1, 'climbed': 1, 'cloak': 1, 'cold': 1, 'collapsed': 2, 'common': 2, 'continue': 1, 'corner': 2, 'corridor': 2, 'crash': 1, 'crashed': 2, 'crate': 2, 'crept': 1, 'crossbow': 1, 'crowded': 1, 'crumbling': 1, 'crumpled': 1, 'crushed': 1, 'curled': 1, 'darkness': 2, 'deep': 2, 'deeper': 1, 'delicious': 1, 'depths': 1, 'desk': 1, 'diagon': 1, 'disappeared': 1, 'door': 1, 'doors': 1, 'down': 2, 'drawn': 1, 'drifting': 1, 'drinks': 1, 'driveway': 1, 'drop': 1, 'dudley': 4, 'dumbledore': 1, 'dursleys': 2, 'emerged': 1, 'engine': 1, 'escalator': 1, 'exams': 1, 'expected': 1, 'eyes': 1, 'face': 1, 'faces': 1, 'father': 1, 'fell': 3, 'fierce': 1, 'filch': 1, 'fire': 3, 'firelight': 1, 'first': 1, 'fitted': 1, 'flickered': 1, 'flooded': 1, 'followed': 1, 'force': 1, 'forest': 5, 'frame': 1, 'free': 1, 'front': 3, 'furniture': 1, 'game': 1, 'garden': 1, 'gently': 1, 'getting': 1, 'going': 2, 'gold': 1, 'gone': 1, 'gotten': 2, 'goyle': 1, 'great': 4, 'grunted': 1, 'gryffindor': 1, 'guarding': 1, 'hagrid': 1, 'hall': 5, 'hand': 3, 'harbor': 1, 'harry': 5, 'head': 1, 'headfirst': 1, 'heap': 1, 'heart': 1, 'heavy': 1, 'high': 5, 'himself': 3, 'hook-nosed': 1, 'house': 3, 'houses': 1, 'hunched': 1, 'hungrily': 1, 'into': 2, 'jumped': 1, 'keyhole': 1, 'kicked': 1, 'kitchen': 2, 'knocked': 1, 'knot': 1, 'know': 1, 'large': 2, 'late': 2, 'laughter': 1, 'leapt': 2, 'left': 1, 'lessons': 1, 'letters': 1, 'life': 1, 'light': 1, 'line': 1, 'little': 2, 'living': 2, 'loaded': 1, 'lock': 1, 'look': 1, 'looked': 5, 'matches': 1, 'material': 1, 'matter': 1, 'metal': 1, 'middle': 1, 'midst': 1, 'minute': 1, 'miserably': 1, 'money': 1, 'mouse': 1, 'mouth': 2, 'move': 2, 'moved': 2, 'mrs.': 1, 'needle': 1, 'needles': 1, 'night': 3, 'nightmare': 1, 'other': 1, 'paddington': 1, 'pairs': 2, 'patch': 1, 'peas': 1, 'peered': 1, 'picture': 1, 'pieces': 1, 'pillow': 1, 'platform': 1, 'plunged': 2, 'pocket': 1, 'pulled': 1, 'pulling': 1, 'pure': 1, 'purpose': 1, 'rammed': 1, 'rats': 1, 'reached': 1, 'real': 1, 'revolting': 1, 'right': 4, 'road': 1, 'room': 4, 'rose': 1, 'roughly': 1, 'running': 1, 'safely': 1, 'school': 1, 'scrambled': 1, 'seat': 2, 'second': 2, 'shadows': 3, 'shot': 1, 'shoveling': 1, 'shrank': 2, 'shuffled': 1, 'sight': 1, 'sitting': 1, 'skidding': 1, 'slammed': 1, 'slipped': 1, 'slowly': 1, 'small': 3, 'smile': 1, 'snakelike': 1, 'snape': 1, 'sneaking': 1, 'sneer': 1, 'snuffbox': 1, 'soaring': 2, 'sobbing': 2, 'sofa': 1, 'solid': 1, 'some': 1, 'someone': 1, 'something': 2, 'sort': 2, 'sorted': 1, 'spectacular': 1, 'split': 1, 'sprinting': 1, 'squeezed': 1, 'staircase': 1, 'stared': 1, 'station': 2, 'stepped': 3, 'stone': 1, 'stooping': 1, 'storm': 1, 'straight': 4, 'streaked': 1, 'streamed': 1, 'streaming': 1, 'striding': 1, 'suit': 1, 'sunk': 1, 'suppose': 1, 'swam': 1, 'sweat': 1, 'taken': 1, 'teacups': 1, 'tears': 3, 'teeth': 1, 'terrible': 1, 'that': 2, 'their': 6, 'them': 6, 'then': 1, 'they': 2, 'thick': 1, 'those': 1, 'threw': 3, 'through': 1, 'tight': 1, 'toppled': 1, 'trash': 1, 'trees': 1, 'trembling': 1, 'trip': 1, 'tripped': 1, 'trodden': 1, 'trouble': 3, 'trunk': 1, 'trying': 2, 'tuck': 1, 'turn': 3, 'turned': 3, 'turning': 1, 'twisted': 1, 'uncle': 1, 'uneasy': 1, 'unfortunately': 1, 'view': 2, 'walk': 2, 'walked': 1, 'warty': 1, 'water': 1, 'went': 2, 'what': 1, 'wheeled': 1, 'which': 1, 'wide': 1, 'willing': 1, 'words': 1, 'world': 1, 'would': 2, 'woven': 1, 'wrapped': 1, 'years': 1, 'your': 1, 'zoomed': 1}), 'high': Counter({'above': 3, 'always': 1, 'arching': 1, 'around': 1, 'atop': 1, 'ball': 1, 'banner': 1, 'became': 1, 'before': 1, 'behind': 1, 'ceiling': 2, 'center': 1, 'chair': 1, 'chamber': 1, 'cold': 2, 'could': 1, 'eager': 1, 'enough': 1, 'feet': 1, 'flew': 1, 'from': 2, 'goyle': 1, 'grateful': 1, 'hand': 1, 'held': 1, 'high': 4, 'into': 5, 'just': 1, 'know': 1, 'lamp': 1, 'life': 1, 'like': 1, 'local': 1, 'looked': 1, 'make': 1, 'mice': 1, 'mirror': 1, 'mountain': 1, 'petrified': 1, 'piled': 1, 'pointed': 1, 'raised': 1, 'reach': 1, 'rose': 4, 'security': 1, 'sitting': 1, 'still': 1, 'stonewall': 3, 'stools': 1, 'stop': 1, 'table': 6, 'then': 1, 'tried': 1, 'unbroken': 1, 'voice': 4, 'waves': 1, 'went': 1, 'were': 1, 'while': 1, 'windows': 1, 'with': 1}), 'chair': Counter({'albus': 1, 'aunt': 1, 'dumbledore': 1, 'from': 1, 'gold': 1, 'high': 1, 'into': 2, 'more': 1, 'nearest': 1, 'next': 1, 'none': 1, 'slumped': 1, 'spindly': 3, 'standing': 1, 'that': 1, 'though': 1, 'with': 1}), 'none': Counter({'chair': 1, 'class': 1, 'gryffindors': 1, 'hagrid': 1, 'have': 1, 'heard': 1, 'lessons': 1, 'looking': 1, 'move': 1, 'other': 1, 'really': 1, 'that': 1, 'them': 4, 'then': 1, 'they': 1, 'thinking': 1, 'this': 1, 'wall': 1, 'your': 1}), 'them': Counter({"'snot": 1, '-well': 1, 'able': 1, 'about': 5, 'above': 2, 'across': 1, 'added': 1, 'affect': 1, 'after': 1, 'again': 2, 'ahead': 3, 'alive': 1, 'allowed': 1, 'almost': 1, 'already': 1, 'also': 1, 'ambling': 1, 'angrily': 1, 'anything': 1, 'anyway': 1, 'apart': 1, 'around': 5, 'aunt': 1, 'back': 3, 'beckoned': 1, 'been': 1, 'before': 6, 'behind': 12, 'believe': 1, 'below': 1, 'beneath': 1, 'best': 1, 'between': 2, 'blame': 2, 'block': 1, 'bored': 1, 'both': 7, 'bothered': 1, 'bowed': 2, 'bright': 1, 'brightly': 1, 'brilliantly': 1, 'brocklehurst': 1, 'busy': 1, 'called': 4, 'carried': 2, 'catch': 1, 'caught': 1, 'chapter': 1, 'cheerfully': 1, 'climbed': 1, 'cloud': 1, 'clutching': 1, 'collect': 1, 'come': 1, 'coming': 1, 'conjured': 1, 'copy': 1, 'cost': 1, 'could': 5, 'couple': 1, 'course': 1, 'crabbe': 1, 'cups': 1, 'curses': 1, 'dark': 2, 'deliver': 1, 'disappeared': 1, 'disgusted': 1, 'dodged': 1, 'doorway': 1, 'down': 7, 'drag': 1, 'dream': 1, 'dreams': 1, 'driving': 1, 'dropped': 2, 'drove': 1, 'dudley': 2, 'dungeons': 1, 'dursleys': 1, 'each': 1, 'either': 3, 'else': 1, 'engulfed': 1, 'enjoying': 1, 'enter': 1, 'even': 1, 'everyone': 1, 'everything': 1, 'exactly': 1, 'examined': 1, 'eyed': 1, 'eyes': 3, 'facing': 3, 'family': 1, 'fang': 1, 'fast': 1, 'favors': 1, 'feel': 1, 'feet': 1, 'find': 3, 'fingers': 1, 'followed': 1, 'following': 1, 'fond': 1, 'foot': 1, 'forget': 1, 'forward': 1, 'found': 1, 'four': 1, 'friendly': 1, 'from': 4, 'front': 3, 'full': 2, 'gave': 2, 'gawking': 1, 'getting': 1, 'giving': 1, 'glared': 2, 'glaring': 1, 'glass': 1, 'glided': 1, 'good': 1, 'good-bye': 1, 'greeted': 1, 'grew': 1, 'gringotts': 1, 'groan': 1, 'group': 1, 'hagrid': 3, 'hall': 1, 'hand': 1, 'hands': 1, 'happen': 2, 'happened': 2, 'hard': 1, 'hardly': 1, 'harry': 14, 'hate': 2, 'have': 1, 'hear': 1, 'heard': 1, 'here': 2, 'hermione': 1, 'hissing': 1, 'hoisted': 1, 'holding': 2, 'homework': 2, 'hope': 1, 'horror': 1, 'house': 1, 'however': 1, 'howling': 1, 'huge': 1, 'hundreds': 3, 'hushing': 1, 'ignored': 1, 'inside': 4, 'into': 6, 'invisible': 1, 'join': 1, 'joined': 2, 'jostled': 1, 'jump': 2, 'just': 2, 'keep': 3, 'kept': 2, 'kiss': 1, 'knew': 2, 'knock': 1, 'know': 4, 'landed': 1, 'last': 2, 'leading': 1, 'leave': 1, 'leaving': 1, 'lecturin': 1, 'leering': 1, 'left': 1, 'letter': 1, 'letting': 1, 'like': 3, 'liking': 1, 'listened': 1, 'loads': 1, 'lock': 1, 'locked': 1, 'london': 1, 'look': 5, 'looked': 2, 'looking': 4, 'lucky': 1, 'luminous': 1, 'madam': 1, 'made': 7, 'magic': 1, 'make': 4, 'making': 1, 'malfoy': 1, 'many': 1, 'matches': 1, 'miss': 1, 'mixing': 1, 'moment': 2, 'more': 2, 'most': 1, 'motorcycle': 1, 'mount': 1, 'nagging': 1, 'nearest': 1, 'nearly': 1, 'neither': 1, 'nervous': 1, 'nervously': 1, 'never': 2, 'neville': 1, 'newt': 1, 'next': 1, 'nice': 1, 'nimbus': 1, 'noble': 1, 'none': 4, 'norbert': 1, 'nothing': 2, 'noticed': 1, 'nuts': 1, 'offered': 2, 'only': 2, 'open': 1, 'opened': 1, 'opinion': 1, 'opposite': 1, 'ordered': 1, 'outside': 2, 'over': 4, 'overtook': 1, 'pair': 1, 'pairs': 1, 'past': 3, 'path': 1, 'peeves': 1, 'people': 1, 'percy': 3, 'photographs': 1, 'pick': 1, 'plant': 1, 'platform': 1, 'pointed': 1, 'pointing': 3, 'powerful': 1, 'pretending': 1, 'puffed': 1, 'pull': 1, 'pulled': 1, 'pulling': 1, 'pushing': 1, 'rare': 1, 'reach': 1, 'reaching': 1, 'really': 2, 'reason': 1, 'reflected': 1, 'reminded': 1, 'rest': 1, 'return': 1, 'right': 3, 'rushed': 1, 'safe': 1, 'said': 4, 'same': 1, 'scared': 1, 'seats': 1, 'seeing': 1, 'sent': 1, 'shadows': 1, 'shelves': 1, 'sherry': 1, 'shop': 1, 'should': 2, 'show': 1, 'showed': 2, 'showing': 2, 'side': 1, 'sight': 1, 'since': 1, 'sizing': 1, 'slammed': 1, 'smoking': 1, 'snape': 1, 'some': 3, 'something': 1, 'somewhere': 1, 'soon': 1, 'sorting': 1, 'sparkling': 1, 'speak': 1, 'spider': 1, 'spotted': 1, 'spray': 1, 'sprinted': 1, 'squinting': 1, 'standing': 1, 'staring': 2, 'started': 1, 'stifling': 1, 'stoat': 1, 'stood': 1, 'stop': 1, 'story': 1, 'struggling': 1, 'stupid': 1, 'suddenly': 1, 'surrounding': 1, 'take': 3, 'taking': 1, 'talk': 1, 'talking-to': 1, 'taste': 1, 'tell': 4, 'telling': 2, 'than': 1, 'thanked': 1, 'that': 7, 'their': 2, 'them': 2, 'then': 2, 'there': 9, 'they': 14, 'think': 2, 'those': 1, 'though': 1, 'thought': 2, 'three': 15, 'threw': 1, 'throat': 1, 'through': 5, 'throwing': 1, 'ticked': 1, 'tickled': 1, 'time': 1, 'told': 8, 'took': 2, 'toppled': 1, 'toward': 10, 'trailing': 1, 'trevor': 1, 'troll': 2, 'trouble': 1, 'trying': 2, 'turn': 1, 'uncle': 1, 'underground': 1, 'underneath': 3, 'understand': 1, 'upon': 1, 'upper': 1, 'ushered': 1, 'very': 4, 'visiting': 1, 'voice': 1, 'waiting': 2, 'want': 1, 'warn': 1, 'warning': 1, 'watched': 1, 'watchin': 1, 'watching': 2, 'weigh': 1, 'well': 2, 'were': 7, 'werewolves': 1, 'what': 9, 'when': 1, 'while': 2, 'whistling': 1, 'wide': 2, 'with': 3, 'without': 1, 'work': 1, 'worst': 1, 'would': 2, 'written': 1, 'yeah': 1}), 'noticed': Counter({'anythin': 1, 'anything': 1, 'before': 1, 'centaur': 1, 'even': 1, 'feathers': 1, 'first': 2, 'friends': 1, 'glance': 1, 'gripped': 1, 'grubby': 1, 'hardly': 1, 'harry': 9, 'have': 4, 'just': 1, 'large': 2, 'mirror': 1, 'must': 1, 'never': 1, 'night': 1, 'once': 1, 'paper': 1, 'said': 1, 'shiny': 1, 'shouted': 1, 'something': 1, 'strange': 1, 'suddenly': 1, 'that': 9, 'them': 1, 'then': 2, 'there': 1, 'they': 1, 'time': 1, 'very': 1, 'waited': 1}), 'tawny': Counter({'emporium': 1, 'flutter': 1, 'large': 1, 'screech': 1}), 'flutter': Counter({'delighted': 1, 'hand': 1, 'past': 1, 'tawny': 1, 'toward': 1, 'watched': 1}), 'past': Counter({'ages': 1, 'already': 1, 'anyone': 1, 'anything': 1, 'around': 1, 'back': 1, 'been': 1, 'broad': 1, 'brother': 1, 'dangerously': 1, 'desperate': 1, 'eight': 1, 'evil': 1, 'fell': 1, 'fields': 1, 'flashed': 1, 'flick': 1, 'fluffy': 9, 'flutter': 1, 'flying': 1, 'found': 3, 'giant': 1, 'half': 3, 'harder': 1, 'harry': 2, 'head': 1, 'hermione': 1, 'hurried': 1, 'knew': 1, 'knows': 1, 'looked': 1, 'mcgonagall': 1, 'missing': 1, 'mossy': 1, 'muggle': 1, 'quirrell': 1, 'roughly': 1, 'rushed': 2, 'shoot': 1, 'snape': 1, 'sped': 1, 'speeding': 1, 'spell': 1, 'straight': 2, 'stranger': 1, 'swiftly': 1, 'swoop': 1, 'telling': 1, 'than': 1, 'that': 3, 'them': 3, 'these': 1, 'trapdoor': 1, 'tree': 1, 'tried': 2, 'twelve': 1, 'twice': 1, 'uncle': 1, 'walked': 2, 'weeks': 1, 'window': 3, 'without': 1, 'yeah': 1}), 'window': Counter({'again': 1, 'against': 2, 'ankles': 1, 'back': 1, 'becoming': 1, 'bedroom': 1, 'blinked': 1, 'claw': 1, 'dark': 1, 'downstairs': 1, 'dusty': 1, 'even': 1, 'feet': 1, 'first': 1, 'flew': 1, 'front': 1, 'getting': 1, 'hagrid': 2, 'half': 1, 'hanging': 1, 'harry': 2, 'have': 1, 'heard': 1, 'hedwig': 1, 'hermione': 1, 'jerked': 1, 'kiss': 1, 'leaned': 1, 'library': 1, 'living-room': 1, 'newspaper': 1, 'next': 2, 'office': 1, 'open': 3, 'opened': 1, 'past': 3, 'peered': 2, 'pleased': 1, 'pretending': 1, 'quickly': 2, 'room': 1, 'small': 1, 'staring': 1, 'straight': 1, 'talk': 2, 'their': 1, 'three': 1, 'tinkling': 1, 'upstairs': 1, 'what': 1, 'where': 1, 'while': 1, 'with': 1}), 'half': Counter({'-harry': 1, 'about': 1, 'admiring': 1, 'afford': 1, 'after': 1, 'around': 1, 'blinded': 1, 'candy': 1, 'cross': 1, 'crying': 1, 'eight': 1, 'every': 1, 'everything': 1, 'exasperated': 2, 'expected': 2, 'fire': 1, 'furious': 1, 'half': 2, 'handle': 1, 'hidden': 1, 'hoping': 1, 'hour': 7, 'inches': 1, 'inside': 1, 'laughing': 2, 'life': 1, 'like': 1, 'lost': 1, 'mind': 1, 'mustache': 1, 'nearly': 1, 'once': 1, 'past': 3, 'posts': 1, 'sister': 1, 'snapped': 1, 'sounding': 1, 'speak': 1, 'spent': 1, 'terrible': 1, 'terrified': 2, 'waitin': 1, 'wand': 1, 'were': 1, 'when': 2, 'where': 1, 'window': 1, 'with': 1}), 'eight': Counter({'about': 1, 'chapter': 1, 'dursley': 1, 'great': 1, 'hair': 1, 'half': 1, 'more': 1, 'past': 1, 'potions': 1, 'until': 1}), 'briefcase': Counter({'pecked': 1, 'picked': 1}), 'pecked': Counter({'briefcase': 1, 'mrs.': 1}), 'cheek': Counter({'dursley': 1, 'harry': 1, 'left': 1, 'mcgonagall': 1, 'percy': 1, 'potter': 1, 'tried': 1, 'your': 1}), 'tried': Counter({'alohomora': 1, 'along': 1, 'back': 1, 'bananas': 1, 'because': 1, 'behead': 1, 'bezoar': 1, 'breakfast': 1, 'breathlessly': 1, 'buildings': 1, 'calm': 1, 'catch': 1, 'cheek': 1, 'closer': 1, 'disgust': 1, 'door': 1, 'dudley': 1, 'dursley': 1, 'edge': 1, 'empty': 1, 'everyone': 1, 'explain': 2, 'flatten': 1, 'frighten': 1, 'frowning': 1, 'goblin': 1, 'good': 1, 'grab': 1, 'gringotts': 1, 'hagrid': 1, 'hard': 1, 'harder': 1, 'hardly': 1, 'harry': 11, 'have': 1, 'heavier': 1, 'help': 1, 'hermione': 2, 'high': 1, 'idea': 1, 'ignore': 1, 'jerk': 1, 'kill': 6, 'kiss': 1, 'lift': 1, 'lock': 1, 'look': 2, 'lost': 1, 'nervously': 1, 'never': 1, 'neville': 2, 'night': 1, 'normally': 1, 'obviously': 1, 'pack': 1, 'past': 2, 'percy': 1, 'pile': 1, 'pull': 2, 'remember': 4, 'retracing': 1, 'saying': 1, 'screamed': 1, 'shouted': 1, 'shut': 1, 'side': 1, 'simple': 1, 'sleep': 1, 'snape': 1, 'snitch': 1, 'someone': 2, 'squeeze': 1, 'start': 1, 'stop': 1, 'swearing': 1, 'table': 2, 'take': 2, 'tell': 1, 'that': 2, 'they': 3, 'thing': 1, 'think': 1, 'though': 1, 'throw': 1, 'tried': 2, 'turn': 2, 'understand': 1, 'wands': 1, 'wave': 1, 'what': 1, 'when': 1, 'while': 1, 'without': 1, 'youngest': 1}), 'kiss': Counter({'dudley': 1, 'them': 1, 'then': 1, 'tried': 1, 'whiskery': 1, 'window': 1}), 'good-bye': Counter({'asked': 1, 'came': 1, 'common': 1, 'could': 1, 'dudley': 1, 'harry': 1, 'missed': 1, 'norbert': 1, 'said': 2, 'their': 1, 'them': 1}), 'missed': Counter({'because': 1, 'case': 1, 'course': 1, 'five': 1, 'good-bye': 1, 'hungry': 1, 'just': 1, 'last': 1}), 'having': Counter({'about': 2, 'afternoon': 1, 'anything': 1, 'been': 2, 'cupboard': 1, 'dudley': 1, 'furious': 1, 'good': 1, 'goyle': 1, 'head': 1, 'house': 1, 'last': 1, 'much': 1, 'nightmares': 1, 'party': 1, 'proper': 1, 'proud': 1, 'room': 1, 'spell': 1, 'started': 1, 'table': 1, 'tantrum': 1, 'teddy': 1, 'than': 2, 'wear': 1, 'were': 1, 'witch': 1}), 'tantrum': Counter({'because': 1, 'coming': 1, 'dudley': 2, 'having': 1, 'throwing': 1}), 'throwing': Counter({'after': 1, 'afternoon': 1, 'back': 1, 'caution': 1, 'cereal': 1, 'chest': 1, 'dancing': 1, 'down': 1, 'firework': 1, 'golf': 1, 'harry': 1, 'importantly': 1, 'kept': 1, 'said': 1, 'started': 1, 'tantrum': 1, 'them': 1, 'themselves': 1, 'they': 1, 'wood': 1}), 'cereal': Counter({'throwing': 1, 'walls': 1}), 'walls': Counter({'against': 1, 'along': 2, 'around': 2, 'behind': 1, 'bouncing': 1, 'bundles': 1, 'ceiling': 1, 'cereal': 1, 'down': 1, 'fierce': 1, 'fireplace': 1, 'floor': 1, 'from': 1, 'hagrid': 1, 'just': 1, 'keeping': 1, 'less': 1, 'light': 1, 'lined': 1, 'little': 1, 'passageway': 1, 'sinks': 1, 'snape': 1, 'solid': 1, 'splattered': 1, 'stone': 1, 'there': 1, 'went': 1, 'were': 1, 'wooden': 1}), 'little': Counter({'about': 1, 'ahem': 1, 'another': 1, 'apart': 1, 'behind': 1, 'boats': 3, 'bottle': 1, 'bronze': 3, 'broomstick': 1, 'bundle': 1, 'bunny': 1, 'celebrate': 1, 'change': 1, 'charm': 1, 'chat': 3, 'chuckled': 1, 'clicked': 1, 'closer': 1, 'could': 1, 'crybabies': 1, 'dear': 1, 'drained': 1, 'drive': 1, 'dropped': 1, 'dumpy': 1, 'edging': 1, 'even': 1, 'eyes': 1, 'faded': 1, 'fidgeted': 1, 'five': 1, 'fleet': 2, 'flick': 1, 'fluffy': 1, 'fluttering': 1, 'foolish': 1, 'forgettin': 1, 'friends': 1, 'fuller': 1, 'girl': 1, 'gold': 1, 'grubby': 2, 'hagrid': 1, 'harry': 3, 'have': 1, 'heads': 2, 'heaps': 1, 'heard': 1, 'himself': 1, 'hissing': 1, 'hocus-pocus': 1, 'hummed': 1, 'instead': 1, 'into': 2, 'joke': 1, 'just': 2, 'kill': 1, 'know': 1, 'knows': 1, 'knuts': 1, 'like': 3, 'looked': 2, 'match': 1, 'mean': 1, 'mercy': 1, 'miserable': 1, 'moan': 1, 'monk': 1, 'more': 1, 'need': 1, 'neville': 1, 'nothing': 1, 'other': 1, 'package': 2, 'peevsie': 1, 'pipe': 1, 'planets': 1, 'plastic': 2, 'pliable': 1, 'pocket': 1, 'poor': 1, 'precious': 1, 'railway': 1, 'round': 1, 'shack': 1, 'shake': 1, 'sharp': 1, 'shops': 1, 'sign': 1, 'silent': 1, 'smiled': 1, 'speech': 1, 'tail': 1, 'take': 1, 'talking': 1, 'teeth': 1, 'that': 1, 'their': 2, 'there': 2, 'they': 1, 'this': 1, 'through': 1, 'tiny': 1, 'took': 1, 'town': 1, 'tricky': 1, 'turned': 1, 'tyke': 2, 'uncle': 1, 'walk': 1, 'walls': 1, 'wand': 1, 'were': 1, 'while': 1, 'whinging': 1, 'witch': 1, 'with': 2, 'wizard': 1, 'your': 2}), 'tyke': Counter({'chortled': 1, 'little': 2, 'wants': 1}), 'chortled': Counter({'dursley': 1, 'harry': 1, 'they': 1, 'tyke': 1}), 'left': Counter({'above': 1, 'ajar': 1, 'alone': 3, 'already': 1, 'anyway': 1, 'arrived': 1, 'balls': 1, 'before': 1, 'behind': 1, 'being': 1, 'best': 1, 'bill': 1, 'book': 1, 'brick': 1, 'building': 1, 'cast': 1, 'castle': 2, 'chamber': 1, 'charlie': 1, 'cheek': 1, 'clapped': 1, 'days': 1, 'dormitory': 1, 'dumbledore': 2, 'dungeons': 1, 'dursley': 1, 'edge': 1, 'eeylops': 1, 'eleven': 1, 'exploded': 1, 'faces': 1, 'family': 1, 'father': 1, 'finally': 2, 'find': 1, 'from': 1, 'front': 1, 'glared': 1, 'ground': 1, 'grounds': 1, 'hagrid': 1, 'hall': 1, 'harry': 8, 'have': 1, 'hermione': 1, 'hide': 1, 'hogwarts': 1, 'house': 1, 'human': 2, 'impossible': 1, 'inside': 1, 'into': 1, 'invisibility': 1, 'just': 2, 'killed': 1, 'knee': 1, 'know': 1, 'library': 1, 'lights': 1, 'liked': 1, 'locker': 1, 'married': 1, 'mean': 2, 'middle': 1, 'minutes': 2, 'moment': 1, 'moon': 1, 'much': 1, 'ollivanders': 1, 'only': 3, 'parcel': 1, 'passage': 1, 'passed': 1, 'path': 1, 'people': 2, 'places': 1, 'professor': 1, 'pulled': 1, 'quietly': 1, 'quirrell': 1, 'remember': 1, 'right': 3, 'room': 1, 'second': 2, 'seized': 1, 'shop': 1, 'side': 1, 'singing': 2, 'slightly': 1, 'smile': 1, 'smudged': 1, 'snape': 1, 'some': 1, 'something': 1, 'soon': 1, 'sorted': 1, 'spaces': 1, 'stretching': 1, 'table': 2, 'taking': 1, 'that': 1, 'their': 1, 'them': 1, 'then': 1, 'there': 2, 'they': 10, 'this': 3, 'took': 1, 'train': 1, 'turned': 1, 'uncle': 1, 'under': 1, 'until': 1, 'walking': 1, 'wand': 1, 'wanted': 1, 'well': 1, 'were': 1, 'what': 1, 'when': 3, 'which': 1, 'white': 1, 'whole': 1, 'wine': 1, 'without': 1, 'yeah': 1}), 'house': Counter({'almost': 1, 'awarded': 1, 'becomes': 1, 'been': 1, 'before': 1, 'blow': 1, 'broken-down': 1, 'came': 1, 'care': 1, 'caught': 1, 'championship': 4, 'common': 1, 'cool': 1, 'could': 1, 'destroyed': 1, 'dormitory': 1, 'dursleys': 3, 'each': 1, 'edge': 1, 'even': 1, 'every': 1, 'everywhere': 1, 'fifty': 2, 'find': 1, 'first': 1, 'four': 1, 'friar': 1, 'from': 1, 'getting': 1, 'gold': 1, 'great': 1, 'gryffindor': 7, 'hagrid': 1, 'harry': 3, 'have': 1, 'having': 1, 'help': 1, 'here': 1, 'holding': 1, 'hope': 1, 'inside': 1, 'into': 3, 'invented': 1, 'know': 1, 'left': 1, 'lived': 1, 'lose': 3, 'malfoy': 1, 'maybe': 2, 'mentioned': 1, 'must': 1, 'myself': 1, 'noble': 1, 'once': 1, 'only': 1, 'outside': 1, 'people': 1, 'petunia': 1, 'place': 1, 'play': 1, 'player': 1, 'points': 3, 'possible': 1, 'privet': 1, 'quidditch': 2, 'recorded': 1, 'reptile': 3, 'rest': 1, 'rolled': 1, 'round': 1, 'ruined': 1, 'ruins': 1, 'safely': 1, 'said': 3, 'screamed': 1, 'seventh': 1, 'shock': 1, 'shouted': 1, 'sixty': 1, 'sleep': 1, 'slytherin': 4, 'smelled': 1, 'snake': 1, 'still': 1, 'stone': 1, 'stopped': 1, 'teams': 1, 'that': 1, 'their': 2, 'them': 1, 'there': 1, 'they': 1, 'this': 1, 'tied': 1, 'trousers': 1, 'understand': 1, 'visited': 1, 'vol-': 1, 'wandering': 1, 'watching': 2, 'what': 3, 'whatever': 1, 'when': 1, 'whichever': 1, 'whole': 1, 'will': 1, 'winning': 1, 'wins': 1, 'with': 1, 'wooden': 2, 'year': 1, 'youngest': 1, 'your': 8}), 'backed': Counter({'away': 2, 'into': 1, 'malfoy': 1, 'number': 1, 'solid': 1}), 'corner': Counter({'ahead': 1, 'appeared': 1, 'around': 3, 'away': 1, 'been': 1, 'bleaaargh': 1, 'blood': 1, 'compartment': 1, 'could': 1, 'drinking': 1, 'drive': 1, 'dudley': 1, 'filch': 1, 'fire': 1, 'fluttering': 1, 'from': 1, 'houses': 1, 'into': 2, 'lurking': 2, 'neighbor': 1, 'other': 1, 'postman': 1, 'privet': 3, 'reached': 1, 'road': 1, 'room': 2, 'round': 1, 'rounded': 1, 'sitting': 1, 'standing': 1, 'stood': 1, 'stopped': 1, 'street': 2, 'their': 1, 'they': 1, 'toilets': 1, 'tree': 1, 'turned': 1, 'unblinkingly': 1, 'when': 2, 'would': 1}), 'first': Counter({'-lessons': 1, 'about': 1, 'after': 1, 'airplane': 1, 'alas': 1, 'became': 1, 'bedroom': 1, 'bicycle': 1, 'boats': 1, 'brooms': 1, 'buying': 1, 'carriages': 1, 'championship': 1, 'chess': 1, 'class': 4, 'come': 1, 'courageous': 1, 'dead': 1, 'different': 1, 'dish': 1, 'disliked': 1, 'done': 1, 'down': 1, 'drink': 1, 'dudley': 1, 'else': 1, 'ever-': 1, 'family': 1, 'father': 1, 'finds': 1, 'finish': 1, 'floor': 1, 'flying': 1, 'foot': 1, 'found': 1, 'four': 3, 'from': 1, 'front': 1, 'give': 1, 'glancing': 1, 'grades': 1, 'gryffindor': 2, 'gryffindors': 1, 'hagrid': 1, 'harry': 4, 'heart': 1, 'here': 1, 'hermione': 1, 'himself': 1, 'house': 1, 'however': 2, 'innocent': 1, 'inside': 1, 'into': 1, 'juicy': 1, 'kill': 1, 'last': 1, 'least': 1, 'letter': 2, 'line': 1, 'look': 1, 'made': 1, 'make': 1, 'many': 1, 'match': 1, 'mcgonagall': 1, 'merlin': 1, 'moment': 1, 'money': 1, 'morning': 2, 'never': 1, 'night': 1, 'noise': 1, 'note': 1, 'noticed': 2, 'percy': 1, 'piece': 1, 'place': 2, 'playing': 1, 'plays': 1, 'potions': 1, 'potter': 1, 'question': 1, 'quidditch': 2, 'read': 1, 'real': 1, 'really': 1, 'received': 1, 'remember': 1, 'riding': 1, 'ronald': 1, 'rule': 1, 'said': 8, 'scared-looking': 1, 'school': 2, 'september': 2, 'shock': 1, 'showed': 1, 'sight': 1, 'sign': 1, 'sleep': 1, 'slid': 1, 'some': 1, 'spell': 1, 'spoke': 1, 'stairs': 1, 'stone': 1, 'stonewall': 2, 'stop': 1, 'study': 1, 'stupid': 1, 'sure': 1, 'that': 4, 'their': 5, 'then': 1, 'they': 2, 'thing': 3, 'this': 2, 'thought': 2, 'threatening': 1, 'time': 15, 'together': 1, 'toilet': 1, 'told': 2, 'training': 1, 'trunks': 1, 'twin': 1, 'very': 3, 'victims': 1, 'voicing': 1, 'wand': 1, 'want': 2, 'week': 3, 'were': 2, 'what': 1, 'where': 1, 'which': 2, 'whispered': 1, 'window': 1, 'words': 1, 'years': 19, 'your': 3, 'yourselves': 1}), 'sign': Counter({'again': 1, 'bottom': 1, 'cats': 1, 'crowd': 1, 'first': 1, 'hanging': 1, 'have': 1, 'headlight': 1, 'held': 1, 'hoping': 1, 'little': 1, 'looking': 1, 'next': 1, 'overhead': 1, 'people': 1, 'pointing': 1, 'reading': 1, 'said': 1, 'saying': 1, 'showed': 1, 'showing': 1, 'sleepiness': 1, 'snitch': 2, 'some': 2, 'something': 1, 'tail': 1, 'that': 2, 'there': 1, 'visible': 1, 'wanting': 1, 'with': 1}), 'something': Counter({'a-creeping': 1, 'about': 8, 'ahead': 2, 'alive': 1, 'bacon': 1, 'been': 2, 'behind': 1, 'better': 1, 'bright': 1, 'came': 2, 'cleared': 1, 'collecting': 1, 'coughed': 1, 'could': 4, 'cracks': 1, 'creak': 1, 'defend': 1, 'definitely': 1, 'desperate': 1, 'doing': 2, 'done': 1, 'doormat': 1, 'down': 1, 'dragon': 1, 'drink': 1, 'dumbledore': 2, 'eating': 1, 'else': 8, 'even': 1, 'ever': 1, 'expected': 1, 'facing': 1, 'famous': 1, 'father': 2, 'felt': 1, 'field': 1, 'fluid': 1, 'forgotten': 4, 'found': 2, 'galloping': 1, 'goggle': 1, 'going': 1, 'gold': 2, 'good': 1, 'grass': 1, 'grin': 1, 'gringotts': 1, 'gryffindor': 1, 'guarding': 2, 'hagrid': 1, 'hand': 1, 'handkerchief': 1, 'happen': 1, 'happened': 1, 'harry': 7, 'have': 2, 'hear': 1, 'heard': 3, 'heavy': 1, 'held': 1, 'hermione': 1, 'hiding': 1, 'himself': 1, 'huge': 1, 'idea': 1, 'imagining': 1, 'important': 3, 'inside': 1, 'into': 2, 'jinxing': 1, 'jumped': 1, 'knock': 1, 'know': 3, 'landed': 1, 'left': 1, 'like': 5, 'lines': 1, 'listened': 1, 'lived': 1, 'look': 1, 'looked': 1, 'looking': 1, 'lost': 1, 'malfoy': 2, 'marked': 1, 'maybe': 1, 'might': 1, 'mind': 1, 'monday': 1, 'more': 1, 'moving': 2, 'mumbling': 1, 'must': 1, 'muttered': 1, 'need': 1, 'nerves': 1, 'never': 1, 'neville': 2, 'note': 1, 'notice': 1, 'noticed': 1, 'objects': 1, 'obviously': 1, 'only': 1, 'over': 1, 'peculiar': 1, 'perhaps': 1, 'places': 1, 'please': 1, 'poor': 1, 'power': 1, 'proud': 1, 'pure': 1, 'rattled': 1, 'really': 2, 'remembered': 1, 'ronan': 1, 'said': 4, 'saints': 1, 'saying': 3, 'scarlet': 1, 'seem': 1, 'seemed': 1, 'sent': 1, 'shooting': 1, 'should': 1, 'shouted': 1, 'sign': 1, 'slain': 1, 'slithering': 1, 'smell': 1, 'snape': 2, 'snapped': 1, 'snatching': 1, 'soft': 1, 'sort': 1, 'squashy': 2, 'started': 1, 'steal': 1, 'stood': 1, 'strange': 1, 'teach': 1, 'tell': 2, 'that': 14, 'them': 1, 'then': 2, 'there': 5, 'they': 2, 'think': 1, 'this': 1, 'though': 1, 'thought': 2, 'time': 2, 'today': 1, 'trodden': 1, 'turning': 1, 'unfortunately': 1, 'unwrapped': 1, 'useful': 1, 'vernon': 1, 'very': 2, 'waiting': 1, 'wake': 1, 'wanted': 3, 'went': 1, 'what': 1, 'when': 1, 'whispered': 2, 'white': 1, 'will': 1, 'with': 5, 'works': 1, 'world': 1, 'wrong': 1, 'yelled': 1, 'your': 1}), 'peculiar': Counter({'feeling': 1, 'full': 1, 'large': 1, 'most': 1, 'reading': 1, 'something': 1, 'symbols': 1, 'very': 1}), 'reading': Counter({'background': 1, 'interesting': 1, 'late': 1, 'light': 2, 'mirror': 1, 'modern': 1, 'peculiar': 1, 'second': 1, 'sign': 1}), 'second': Counter({'again': 1, 'around': 1, 'back': 1, 'because': 2, 'bedroom': 1, 'blankets': 1, 'blocked': 1, 'bludger': 1, 'centaur': 1, 'chance': 1, 'cousin': 1, 'different': 1, 'door': 1, 'dudley': 2, 'dursley': 1, 'every': 1, 'exactly': 1, 'facing': 1, 'fourth': 1, 'from': 1, 'gathering': 1, 'give': 1, 'happened': 1, 'harry': 3, 'held': 1, 'into': 2, 'later': 5, 'leapt': 1, 'left': 2, 'life': 1, 'like': 2, 'looking': 1, 'mean': 1, 'mention': 1, 'miss': 1, 'next': 6, 'nicolas': 1, 'nothing': 1, 'only': 1, 'pair': 1, 'piece': 1, 'piers': 1, 'place': 1, 'professor': 1, 'quirrell': 1, 'reading': 1, 'right': 1, 'room': 1, 'side': 1, 'split': 1, 'table': 2, 'tearing': 1, 'television': 1, 'there': 1, 'think': 1, 'this': 1, 'thought': 1, 'time': 1, 'troll': 1, 'unfolded': 1, 'vanish': 1, 'very': 1, 'wait': 1, 'week': 1, 'well': 2, 'while': 1, 'wider': 1, 'witch': 1, 'year': 1, 'yours': 1}), 'realize': Counter({'being': 1, 'crazy': 1, 'dota': 1, 'dumbledore': 1, 'dursley': 1, 'harry': 1, 'love': 1, 'mule': 1, 'need': 1, 'risky': 1, 'said': 1, 'seem': 2, 'snape': 1, 'that': 4, 'this': 1, 'what': 1}), 'then': Counter({'able': 1, 'abnormal': 1, 'about': 1, 'afraid': 1, 'another': 2, 'anyway': 1, 'back': 2, 'barks': 1, 'barrier': 1, 'beaming': 1, 'became': 2, 'because': 1, 'before': 2, 'better': 1, 'blankets': 1, 'blistering': 1, 'books': 1, 'breakfast': 1, 'breath': 1, 'breaths': 1, 'cage': 1, 'came': 3, 'card': 1, 'care': 1, 'catch': 1, 'changed': 1, 'choked': 1, 'clambered': 1, 'clean': 1, 'clever': 1, 'cloak': 1, 'cold': 1, 'come': 2, 'corridor': 1, 'could': 2, 'course': 1, 'disappeared': 1, 'does': 1, 'done': 1, 'doom': 1, 'doorbell': 1, 'down': 2, 'dragon': 1, 'dropped': 1, 'dudley': 1, 'during': 1, 'dursleys': 1, 'eating': 1, 'empty': 1, 'entrance': 1, 'even': 1, 'evening': 1, 'every': 4, 'everybody': 1, 'expelled': 1, 'eyes': 1, 'fear': 1, 'feet': 1, 'fell': 3, 'feverishly': 1, 'find': 1, 'finger': 1, 'fingertips': 1, 'fire': 1, 'first': 1, 'flew': 1, 'flint': 1, 'fluttered': 1, 'forced': 1, 'forward': 1, 'from': 1, 'full': 1, 'furiously': 1, 'gets': 1, 'glared': 1, 'going': 1, 'grounds': 1, 'hagrid': 2, 'hall': 1, 'handed': 1, 'hands': 1, 'harry': 9, 'have': 1, 'head': 1, 'heads': 1, 'hermione': 1, 'hesitated': 2, 'high': 1, 'hold': 1, 'hooch': 1, 'hope': 1, 'hour': 1, 'hurt': 2, 'hush': 1, 'into': 1, 'jerked': 1, 'joining': 1, 'jump': 1, 'just': 2, 'kick': 1, 'kill': 1, 'killed': 1, 'killin': 1, 'kiss': 1, 'kitchen': 1, 'knees': 1, 'know': 2, 'lamp': 1, 'last': 1, 'later': 2, 'left': 1, 'long': 1, 'looked': 4, 'made': 1, 'magic': 1, 'mail': 1, 'making': 1, 'malade': 1, 'malfoy': 1, 'millicent': 1, 'mind': 1, 'moments': 1, 'moonlight': 1, 'mouth': 1, 'nerve': 1, 'next': 1, 'night': 1, 'noise': 1, 'none': 1, 'noticed': 2, 'nuts': 1, 'once': 1, 'only': 1, 'order': 1, 'ordered': 1, 'other': 2, 'ourselves': 1, 'paced': 1, 'pain': 1, 'pair': 1, 'parents': 1, 'parkinson': 1, 'patil': 1, 'pause': 2, 'peered': 1, 'pelted': 1, 'perks': 1, 'please': 1, 'posts': 1, 'potter': 1, 'punishing': 1, 'quite': 1, 'quivered': 1, 'raised': 1, 'ravenclaw': 1, 'realized': 2, 'rebellions': 1, 'relief': 1, 'remember': 1, 'remembered': 1, 'right': 4, 'rise': 1, 'rounded': 1, 'rushed': 1, 'said': 13, 'sally-anne': 1, 'sank': 1, 'school': 1, 'seamus': 1, 'seconds': 1, 'seen': 1, 'shadows': 1, 'shape': 1, 'shiny': 1, 'shot': 1, 'shouted': 2, 'showed': 1, 'shut': 1, 'sick': 1, 'sighed': 1, 'sight': 1, 'silence': 1, 'since': 2, 'slouched': 1, 'slumped': 1, 'small': 1, 'smash': 1, 'snape': 1, 'some': 1, 'something': 2, 'sound': 1, 'sped': 1, 'speed': 1, 'spinach': 1, 'spot': 1, 'staircase': 1, 'stared': 2, 'start': 1, 'started': 1, 'stone': 1, 'stood': 1, 'storm': 1, 'story': 1, 'struck': 1, 'sudden': 1, 'suddenly': 2, 'summer': 1, 'swallowed': 1, 'tables': 1, 'telescope': 1, 'television': 1, 'that': 4, 'them': 2, 'there': 4, 'they': 5, 'thirty-seven': 1, 'this': 1, 'though': 1, 'thought': 3, 'tied': 1, 'tight-lipped': 1, 'time-out': 1, 'times': 1, 'told': 2, 'tomorrow': 1, 'took': 1, 'tower': 1, 'training': 1, 'trouble': 1, 'truthful': 1, 'turn': 1, 'turned': 2, 'turning': 1, 'twitched': 1, 'uncle': 2, 'underneath': 1, 'upward': 1, 'vaults': 1, 'voice': 1, 'voldemort': 1, 'wake': 1, 'walked': 2, 'warned': 1, 'watch': 1, 'went': 1, 'whispered': 1, 'whole': 1, 'wishing': 1, 'without': 1, 'wizardry': 1, 'wrist': 1, 'yeah': 1, 'years': 1, 'yesterday': 1, 'young': 1, 'your': 1}), 'jerked': Counter({'asleep': 1, 'awake': 1, 'dudley': 1, 'head': 5, 'mcgonagall': 1, 'news': 1, 'open': 1, 'sharply': 1, 'snake': 1, 'sofa': 1, 'suddenly': 1, 'take': 1, 'then': 1, 'uncle': 1, 'when': 1, 'window': 1}), 'head': Counter({'about': 1, 'above': 2, 'across': 1, 'around': 1, 'aunt': 1, 'back': 7, 'bald': 1, 'began': 1, 'bill': 1, 'bludger': 1, 'bowed': 2, 'brought': 1, 'building': 1, 'buzzing': 1, 'charlie': 1, 'crack': 1, 'crisis': 1, 'crying': 1, "d'yeh": 1, 'deafening': 1, 'down': 3, 'dragon': 1, 'eagerly': 1, 'every': 1, 'explain': 1, 'famous': 1, 'fell': 1, 'felt': 1, 'firenze': 1, 'flipped': 1, 'floor': 1, 'folk': 1, 'game': 1, 'girl': 1, 'glad': 1, 'gryffindor': 2, 'hand': 1, 'harry': 8, 'have': 1, 'having': 1, 'helmeted': 1, 'herself': 1, 'himself': 1, 'holding': 1, 'hour': 1, 'hung': 1, 'hurt': 1, 'inside': 1, 'into': 1, 'jerked': 5, 'just': 2, 'keep': 1, 'keeping': 1, 'knew': 1, 'knocking': 1, 'know': 1, 'lessened': 1, 'like': 1, 'look': 1, 'looked': 3, 'lose': 1, 'lowered': 1, 'lump': 1, 'made': 2, 'malfoy': 1, 'mcgonagall': 1, 'measured': 1, 'much': 1, 'never': 1, 'neville': 1, 'next': 1, 'older': 1, 'only': 1, 'open': 1, 'over': 9, 'owner': 1, 'pain': 1, 'past': 1, 'perched': 1, 'pierced': 1, 'poked': 1, 'pound': 1, 'professor': 1, 'pull': 1, 'quirrell': 2, 'raised': 2, 'reflection': 1, 'rested': 1, 'round': 2, 'said': 1, 'scar': 1, 'scratching': 2, 'shaggy': 1, 'shaking': 1, 'sharp': 1, 'shook': 9, 'shorter': 1, 'slytherin': 2, 'smaller': 1, 'snape': 1, 'snapped': 1, 'sorting': 1, 'stared': 1, 'start': 1, 'sticking': 1, 'still': 1, 'strode': 1, 'stuck': 1, 'suspended': 1, 'swimming': 1, 'swung': 1, 'that': 3, 'then': 1, 'there': 1, 'they': 3, 'thick': 1, 'though': 1, 'thought': 1, 'through': 2, 'torn': 1, 'touched': 1, 'toward': 1, 'troll': 1, 'turn': 1, 'turned': 1, 'under': 1, 'understood': 1, 'until': 1, 'violently': 1, 'want': 1, 'what': 2, 'when': 1, 'which': 3, 'whole': 1, 'wingardium': 1, 'with': 4, 'your': 4}), 'around': Counter({'a-creeping': 1, 'about': 1, 'again': 1, 'alone': 1, 'ankles': 2, 'another': 1, 'anxiously': 1, 'anyone': 1, 'anyway': 1, 'arms': 4, 'asking': 1, 'beating': 1, 'binoculars': 1, 'blew': 1, 'blinking': 1, 'board': 1, 'bouncing': 1, 'bush': 1, 'business': 1, 'came': 1, 'carefully': 1, 'carried': 1, 'carved': 1, 'chamber': 1, 'chest': 1, 'class': 1, 'classroom': 1, 'cloak': 2, 'come': 2, 'corner': 3, 'countryside': 1, 'cracks': 1, 'creeping': 1, 'crowded': 1, 'curled': 1, 'curling': 1, 'dark': 1, 'darted': 1, 'dive': 1, 'doorpost': 1, 'dragon': 1, 'drove': 1, 'dumbledore': 2, 'dursley': 1, 'echoed': 1, 'edge': 1, 'erised': 1, 'even': 1, 'everyone': 1, 'everything': 1, 'eyes': 3, 'fell': 1, 'felt': 1, 'field': 1, 'flint': 1, 'flitting': 1, 'flying': 1, 'frame': 1, 'from': 1, 'front': 1, 'gathered': 1, 'grabbed': 1, 'grounds': 1, 'half': 1, 'hands': 1, 'hang': 3, 'hanging': 1, 'happened': 1, 'harry': 8, 'have': 1, 'head': 1, 'heart': 1, 'hermione': 1, 'high': 1, 'himself': 1, 'hogwarts': 1, 'hooch': 1, 'hoops': 1, 'hope': 1, 'hoping': 1, 'however': 1, 'huge': 1, 'hung': 2, 'jars': 1, 'kick': 1, 'know': 1, 'leaves': 1, 'like': 4, 'living': 1, 'long': 1, 'look': 1, 'looked': 7, 'looking': 4, 'lumbered': 1, 'markings': 2, 'mess': 1, 'messing': 2, 'middle': 2, 'midnight': 1, 'mirror': 1, 'mountains': 1, 'move': 1, 'moving': 1, 'mrs.': 1, 'nearly': 1, 'neck': 3, 'next': 1, 'night': 1, 'ollivander': 1, 'once': 1, 'other': 1, 'pain': 1, 'paraded': 1, 'past': 1, 'peering': 1, 'people': 3, 'poking': 2, 'pulled': 1, 'quickly': 2, 'quidditch': 1, 'quirrell': 1, 'quite': 1, 'realized': 1, 'right': 1, 'rocket': 1, 'rolling': 1, 'ronald': 1, 'room': 2, 'ropes': 1, 'rummaged': 1, 'running': 2, 'said': 2, 'school': 5, 'scurrying': 1, 'seat': 1, 'second': 1, 'shelves': 1, 'shook': 1, 'shoulders': 2, 'shrieked': 1, 'silence': 1, 'since': 1, 'slinking': 1, 'smiling': 1, 'sneaking': 1, 'sniff': 1, 'snitch': 1, 'sooner': 1, 'spying': 1, 'staggerin': 1, 'standing': 2, 'stands': 2, 'stared': 2, 'staring': 1, 'stood': 1, 'stumped': 1, 'suddenly': 1, 'swarmin': 1, 'sweet': 1, 'swept': 1, 'swooping': 1, 'swung': 1, 'tapping': 1, 'tendrils': 1, 'their': 1, 'them': 5, 'they': 3, 'thinking': 1, 'thrashing': 1, 'three': 1, 'tight': 1, 'tightly': 1, 'time': 1, 'traveled': 1, 'troll': 1, 'trolley': 1, 'trunk': 1, 'trying': 1, 'tumbling': 1, 'turban': 1, 'turned': 1, 'twice': 1, 'twisted': 1, 'uncle': 1, 'under': 1, 'underneath': 1, 'unseen': 1, 'vernon': 1, 'waist': 2, 'walk': 1, 'walked': 1, 'walking': 2, 'walls': 2, 'wander': 1, 'wandering': 7, 'want': 1, 'waved': 1, 'week': 1, 'what': 1, 'wheeling': 2, 'whirled': 1, 'whisked': 1, 'wildly': 1, 'with': 4, 'wore': 1, 'world': 1, 'wound': 1, 'yelled': 1, 'you-know-who': 1, 'zoom': 1, 'zoomed': 1, 'zooming': 1}), 'look': Counter({'-they': 1, 'about': 1, 'address': 1, 'after': 3, 'again': 2, 'amazement': 1, 'ancient': 1, 'angry': 1, 'another': 1, 'anything': 1, 'around': 1, 'askin': 1, 'back': 2, 'before': 1, 'belonged': 1, 'better': 1, 'bewitched': 1, 'bless': 1, 'board': 1, 'both': 1, 'broomsticks': 2, 'burst': 1, 'carefully': 1, 'catching': 1, 'christmas': 1, 'closer': 2, 'come': 1, 'comets': 1, 'coming': 1, 'could': 2, 'daring': 1, 'desperate': 1, 'different': 1, 'dirty': 1, 'does': 2, 'doubled': 1, 'down': 3, 'dragons': 1, 'dumbledore': 1, 'dursleys': 1, 'enough': 1, 'everyone': 1, 'everything': 1, 'excitedly': 1, 'face': 3, 'feeling': 1, 'first': 1, 'flashy': 1, 'forest': 1, 'forgotten': 1, 'fortunately': 1, 'forward': 2, 'full': 1, 'fungi': 1, 'funny': 1, 'furious': 1, 'giant': 1, 'ginny': 1, 'give': 1, 'going': 1, 'good': 3, 'grabbed': 1, 'gray': 1, 'hagrid': 4, 'harry': 8, 'have': 1, 'head': 1, 'here': 1, 'hermione': 3, 'hidden': 1, 'himself': 1, 'hold': 1, 'horror': 1, 'hurried': 1, 'hurry': 1, 'image': 1, 'interesting': 1, 'into': 1, 'just': 1, 'keys': 2, 'knows': 1, 'last': 1, 'laugh': 1, 'lifted': 1, 'like': 4, 'look': 4, 'lying': 1, 'made': 1, 'make': 2, 'malfoy': 2, 'mean': 1, 'mirror': 4, 'moment': 1, 'mood': 1, 'more': 1, 'muggles': 1, 'murmured': 1, 'must': 2, 'neville': 3, 'next': 2, 'older': 1, 'only': 1, 'paper': 1, 'parvati': 1, 'perfect': 1, 'photographs': 1, 'piercing': 2, 'pleased': 2, 'pockets': 1, 'potter': 1, 'properly': 1, 'quiet': 1, 'read': 2, 'repeated': 1, 'resting': 1, 'restricted': 1, 'rummaged': 1, 'said': 6, 'school': 1, 'seen': 1, 'severus': 1, 'sharp': 1, 'show': 1, 'sick': 2, 'sideways': 1, 'sight': 1, 'smiled': 1, 'snape': 5, 'something': 1, 'sparks': 1, 'squealed': 1, 'standing': 1, 'stern': 1, 'still': 1, 'stunned': 1, 'teacher': 1, 'teachers': 1, 'terrible': 1, 'terrified': 1, 'that': 4, 'them': 5, 'there': 3, 'these': 1, 'they': 2, 'thinner': 1, 'this': 3, 'though': 2, 'thought': 1, 'tibbles': 1, 'tiptoe': 1, 'told': 1, 'took': 2, 'trapped': 1, 'tried': 2, 'troll': 1, 'trying': 1, 'turned': 1, 'until': 1, 'very': 3, 'voice': 1, 'want': 1, 'wanting': 1, 'well': 2, 'what': 4, 'when': 1, 'where': 1, 'white': 1, 'will': 1, 'with': 2, 'without': 1, 'would': 2, 'yell': 1, 'yourself': 1}), 'again': Counter({'about': 1, 'after': 1, 'again': 4, 'alive': 1, 'almost': 1, 'always': 1, 'anyway': 1, 'around': 1, 'asleep': 1, 'back': 3, 'blinding': 1, 'blinked': 1, 'bloody': 1, 'bowl': 1, 'budge': 1, 'caught': 1, 'clicked': 1, 'close': 1, 'corridors': 1, 'could': 3, 'cupboard': 1, 'cursed': 1, 'delayed': 1, 'different': 1, 'door': 1, 'doris': 1, 'down': 2, 'dreamed': 1, 'drink': 1, 'dudley': 2, 'dumbledore': 1, 'eager': 1, 'erised': 1, 'ever': 1, 'eyes': 1, 'failed': 1, 'feet': 1, 'flattened': 1, 'flight': 1, 'funny': 1, 'going': 2, 'grandfathers': 1, 'grunted': 1, 'gryffindor': 1, 'hagrid': 3, 'hall': 1, 'hand': 1, 'hands': 1, 'happened': 1, 'harry': 4, 'hedwig': 1, 'here': 1, 'hermione': 3, 'home': 1, 'hope': 1, 'howard': 1, 'hurry': 1, 'into': 1, 'just': 2, 'kindling': 1, 'knocked': 2, 'last': 1, 'lead': 1, 'list': 2, 'listen': 1, 'look': 2, 'looking': 2, 'lucky': 2, 'make': 2, 'mcgonagall': 1, 'mirror': 1, 'morgana': 1, 'muttered': 1, 'name': 1, 'near': 1, 'never': 1, 'neville': 2, 'next': 1, 'nice': 1, 'nothing': 1, 'only': 2, 'open': 2, 'over': 2, 'paused': 1, 'piers': 1, 'pink': 1, 'please': 1, 'potter': 1, 'professor': 1, 'properly': 1, 'quirrell': 1, 'raise': 1, 'reflection': 2, 'rest': 1, 'rising': 1, 'roared': 1, 'ronan': 1, 'room': 1, 'rule': 1, 'said': 8, 'same': 1, 'screeched': 1, 'second': 1, 'settling': 1, 'should': 1, 'shouted': 1, 'sighed': 1, 'sight': 1, 'sign': 1, 'silence': 1, 'sixteen': 1, 'smiling': 2, 'snape': 1, 'speak': 2, 'spoke': 1, 'staring': 1, 'started': 2, 'stepped': 1, 'still': 1, 'story': 1, 'strange': 1, 'summer': 1, 'sure': 1, 'susan': 1, 'table': 1, 'take': 1, 'tapped': 1, 'that': 1, 'them': 2, 'there': 1, 'they': 3, 'think': 1, 'this': 3, 'though': 1, 'toad': 1, 'toadless': 1, 'tonight': 1, 'tufty': 1, 'turned': 1, 'turning': 1, 'umbrella': 1, 'vault': 1, 'voice': 2, 'voldemort': 1, 'wait': 1, 'went': 1, 'were': 1, 'what': 1, 'when': 1, 'window': 1, 'with': 1, 'woman': 1, 'wondering': 1, 'wood': 1, 'would': 1, 'your': 2}), 'tabby': Counter({'gone': 1, 'make': 1, 'mood': 1, 'slinking': 1, 'smile': 1, 'spotted': 1, 'standing': 1, 'there': 1}), 'standing': Counter({'alone': 1, 'around': 2, 'before': 1, 'behind': 1, 'beside': 1, 'black-haired': 1, 'bottles': 1, 'breath': 1, 'centaur': 1, 'chair': 1, 'class': 1, 'clawed': 1, 'corner': 1, 'crowded': 1, 'doorway': 1, 'edge': 1, 'either': 1, 'face': 1, 'family': 1, 'fangs': 1, 'floor': 2, 'footstool': 1, 'frame': 1, 'giant': 1, 'hagrid': 2, 'himself': 1, 'line': 1, 'look': 1, 'mean': 1, 'next': 1, 'outside': 1, 'over': 1, 'people': 1, 'quickly': 1, 'quirrell': 1, 'quite': 3, 'rather': 1, 'right': 2, 'scratching': 1, 'shops': 1, 'snape': 1, 'someone': 1, 'still': 1, 'tabby': 1, 'their': 1, 'them': 1, 'there': 3, 'trapdoor': 1, 'vernon': 1, 'weirdos': 1, 'were': 3, 'what': 2, 'with': 2, 'woman': 1}), 'sight': Counter({'again': 1, 'already': 1, 'astonishing': 1, 'beamed': 1, 'catch': 1, 'caught': 4, 'feel': 1, 'firs': 1, 'first': 1, 'flash': 1, 'forest': 1, 'from': 1, 'gave': 1, 'harry': 4, 'hermione': 1, 'hogwarts': 1, 'horrible': 1, 'into': 1, 'leapt': 1, 'look': 1, 'madam': 1, 'malfoy': 1, 'professor': 1, 'quickly': 1, 'reason': 1, 'rose': 1, 'seemed': 1, 'sickening': 1, 'snitch': 1, 'splendid': 1, 'strode': 1, 'supporting': 1, 'them': 1, 'then': 1, 'there': 1, 'they': 1, 'toppled': 1, 'turned': 1, 'twelve': 1, 'until': 1, 'very': 1, 'welcome': 1, 'well': 1, 'what': 1}), 'been': Counter({'able': 2, 'accepted': 2, 'acting': 1, 'ages': 1, 'allowed': 1, 'already': 4, 'also': 1, 'always': 5, 'anyone': 1, 'armor': 1, 'asked': 2, 'asking': 1, 'baby': 1, 'back': 1, 'badge': 1, 'baron': 1, 'barrier': 1, 'because': 1, 'before': 1, 'behaving': 1, 'bewitched': 2, 'binns': 1, 'bothering': 1, 'bound': 1, 'braver': 1, 'brazil': 1, 'broken': 1, 'brooding': 1, 'broomstick': 1, 'brought': 2, 'busy': 1, 'called': 1, 'canceled': 1, 'caught': 3, 'celebrating': 2, 'chasing': 1, 'chosen': 1, 'climbing': 1, 'cloak': 1, 'close': 1, 'corner': 1, 'could': 1, 'creature': 1, 'crying': 1, 'dark': 1, 'destroyed': 1, 'doing': 2, 'down': 2, 'dream': 1, 'drenched': 1, 'drifting': 1, 'driven': 1, 'dudley': 2, 'dumbledore': 1, 'dying': 1, 'easily': 1, 'easy': 3, 'emptied': 2, 'enough': 1, 'even': 1, 'ever': 1, 'everyone': 1, 'exactly': 1, 'excellent': 1, 'extremely': 1, 'eyes': 1, 'fact': 2, 'father': 1, 'fighting': 2, 'flamel': 1, 'flying': 1, 'foretold': 1, 'found': 1, 'front': 1, 'games': 1, 'gang': 1, 'given': 3, 'going': 3, 'good': 1, 'gringotts': 1, 'hagrid': 1, 'hand': 1, 'happening': 1, 'hard': 1, 'harry': 7, 'harvey': 1, 'have': 48, 'having': 2, 'held': 1, 'here': 3, 'hermione': 2, 'hiding': 1, 'hogwarts': 1, 'hopefully': 1, 'horrible': 1, 'house': 1, 'hugged': 1, 'hundreds': 1, 'hurt': 1, 'imagine': 1, 'indeed': 1, 'inside': 1, 'just': 2, 'keeping': 1, 'killed': 2, 'knew': 1, 'knocked': 3, 'known': 1, 'last': 1, 'legs': 1, 'library': 1, 'listening': 1, 'loaded': 1, 'london': 1, 'long': 1, 'longing': 1, 'looked': 1, 'looking': 4, 'lots': 1, 'loved': 1, 'lying': 2, 'made': 1, 'making': 2, 'malfoy': 4, 'many': 1, 'might': 1, 'mirror': 1, 'mistake': 2, 'more': 3, 'moved': 1, 'movement': 1, 'must': 3, 'muttering': 1, 'nagging': 1, 'name': 1, 'never': 11, 'neville': 4, 'night': 3, 'norbert': 1, 'nothing': 1, 'obviously': 1, 'once': 1, 'over': 1, 'overshadowed': 1, 'past': 1, 'petunia': 1, 'phoning': 1, 'pillow': 1, 'playing': 1, 'polite': 1, 'potter': 1, 'powerful': 1, 'practicing': 1, 'professor': 1, 'program': 1, 'protecting': 1, 'proud': 1, 'pushed': 1, 'quick': 1, 'quicker': 1, 'quite': 4, 'read': 1, 'really': 2, 'reason': 1, 'referees': 1, 'said': 2, 'same': 2, 'scabbers': 1, 'school': 1, 'searching': 1, 'secretly': 1, 'section': 1, 'seemed': 1, 'seen': 2, 'sent': 3, 'sheared': 1, 'sick': 1, 'since': 1, 'singled': 1, 'sitting': 1, 'small': 2, 'snape': 2, 'sobbing': 1, 'somebody': 1, 'something': 2, 'spot': 1, 'stick': 1, 'stiff': 1, 'still': 1, 'stone': 1, 'stuck': 1, 'stupid': 2, 'such': 1, 'surprised': 1, 'taken': 3, 'talking': 2, 'telling': 1, 'that': 6, 'them': 1, 'there': 5, 'they': 13, 'think': 1, 'thinking': 3, 'this': 1, 'those': 1, 'though': 3, 'thought': 1, 'thrashing': 1, 'three-headed': 1, 'through': 1, 'told': 1, 'touched': 1, 'trained': 1, 'trick': 1, 'trunk': 1, 'trying': 5, 'tugging': 1, 'turned': 1, 'uncle': 2, 'upset': 2, 'vernon': 1, 'very': 2, 'waiting': 2, 'wanting': 1, 'warned': 2, 'watching': 2, 'weasley': 1, 'week': 1, 'went': 1, 'what': 6, 'when': 1, 'where': 1, 'which': 3, 'wild': 1, 'wishing': 1, 'with': 2, 'wondering': 1, 'working': 1, 'world': 1, 'worried': 1, 'worrying': 1, 'worse': 2, 'wrong': 1, 'year': 1, 'years': 1, 'younger': 1}), 'thinking': Counter({'about': 5, 'along': 1, 'around': 1, 'been': 3, 'being': 1, 'both': 1, 'even': 1, 'harry': 1, 'help': 1, 'must': 1, 'mustache': 1, 'needs': 1, 'none': 1, 'quicker': 1, 'really': 1, 'said': 1, 'same': 2, 'seemed': 1, 'some': 1, 'that': 1, 'were': 3, 'what': 1, 'whole': 1}), 'must': Counter({'about': 1, 'added': 1, 'agree': 1, 'alongside': 1, 'already': 1, 'babble': 1, 'been': 3, 'brilliant': 1, 'celebrating': 1, 'charms': 1, 'cheerfully': 1, 'cloak': 1, 'come': 1, 'cost': 1, 'curse': 1, 'decided': 1, 'desperately': 1, 'downstairs': 1, 'earn': 1, 'edge': 1, 'events': 1, 'expect': 1, 'filch': 2, 'finally': 1, 'finished': 1, 'firenze': 1, 'five': 1, 'flitwick': 1, 'going': 1, 'good': 1, 'guarding': 1, 'hagrid': 3, 'harry': 5, 'have': 24, 'hear': 1, 'hermione': 1, 'hospital': 1, 'house': 1, 'however': 1, 'hurry': 1, 'knew': 1, 'know': 3, 'look': 2, 'lots': 1, 'malfoy': 1, 'mean': 1, 'miles': 1, 'most': 1, 'muggles': 1, 'muttered': 1, 'never': 1, 'noticed': 1, 'percy': 1, 'place': 1, 'realized': 1, 'really': 1, 'relief': 1, 'said': 1, 'says': 1, 'school': 1, 'seem': 1, 'seen': 1, 'show': 1, 'side': 1, 'silently': 1, 'snape': 1, 'something': 1, 'staggerin': 1, 'stone': 1, 'stream': 1, 'taken': 1, 'tell': 1, 'telling': 1, 'that': 2, 'there': 4, 'they': 2, 'thick': 1, 'think': 2, 'thinking': 1, 'thought': 1, 'toward': 1, 'transfer': 1, 'trolls': 1, 'trouble': 1, 'uncomfortable': 1, 'wake': 2, 'wandering': 1, 'what': 2, 'wind': 1, 'youngest': 1, 'your': 1}), 'trick': Counter({'been': 1, 'doors': 1, 'light': 1, 'mirror': 1, 'staircase': 1, 'that': 1}), 'light': Counter({'adventure': 1, 'ahead': 1, 'balls': 1, 'before': 1, 'breeze': 1, 'bright': 1, 'burn-': 1, 'called': 1, 'came': 1, 'damp': 1, 'dursley': 1, 'fire': 1, 'flickering': 1, 'from': 1, 'green': 6, 'harry': 3, 'hearts': 1, 'into': 1, 'more': 1, 'nothing': 1, 'reading': 2, 'said': 1, 'silk': 1, 'size': 1, 'sound': 1, 'sped': 1, 'speedy': 1, 'spots': 1, 'staring': 1, 'suddenly': 1, 'that': 1, 'their': 1, 'there': 1, 'trees': 1, 'trick': 1, 'turned': 1, 'twinkling': 1, 'unwrapped': 1, 'very': 1, 'violet': 1, 'walls': 1, 'warmth': 1, 'weeks': 1, 'well': 1, 'were': 1, 'while': 1}), 'blinked': Counter({'again': 1, 'dursley': 1, 'furiously': 1, 'hagrid': 1, 'heavy': 1, 'mcgonagall': 1, 'snitch': 1, 'stared': 1, 'strange': 1, 'window': 1}), 'stared': Counter({'after': 1, 'around': 2, 'back': 3, 'barrier': 1, 'bewildered': 1, 'blinked': 1, 'down': 2, 'dumbledore': 1, 'each': 1, 'everyone': 1, 'gasped': 1, 'going': 1, 'hagrid': 2, 'harry': 10, 'head': 1, 'heart': 1, 'hungrily': 2, 'immediately': 1, 'into': 1, 'knuts': 1, 'mars': 1, 'mirror': 1, 'more': 1, 'mumbled': 1, 'neck': 1, 'never': 1, 'neville': 1, 'note': 1, 'other': 1, 'pale': 1, 'passersby': 1, 'people': 1, 'picked': 1, 'platform': 1, 'reached': 1, 'really': 1, 'said': 1, 'scar': 1, 'seconds': 1, 'should': 1, 'stared': 2, 'staring': 1, 'take': 1, 'that': 1, 'their': 1, 'then': 2, 'they': 2, 'through': 1, 'unblinkingly': 1, 'uncle': 1, 'wildly': 1, 'woman': 1}), 'back': Counter({'about': 1, 'across': 2, 'again': 3, 'ages': 1, 'alley': 1, 'almost': 1, 'along': 1, 'amid': 1, 'answer': 1, 'aunt': 1, 'bane': 2, 'bangs': 1, 'because': 1, 'been': 1, 'before': 1, 'behind': 3, 'best': 1, 'better': 2, 'bike': 1, 'binoculars': 1, 'biscuits': 1, 'blame': 1, 'bludger': 1, 'book': 2, 'books': 1, 'bouncing': 1, 'bring': 2, 'bringing': 1, 'broom': 1, 'broomshed': 1, 'brought': 2, 'came': 7, 'cantered': 1, 'card': 2, 'castle': 5, 'chamber': 2, 'clamber': 1, 'clearing': 1, 'climbed': 1, 'cloak': 2, 'collecting': 1, 'come': 9, 'comin': 1, 'coming': 7, 'common': 1, 'compartment': 1, 'could': 1, 'courage': 1, 'crate': 1, 'cupboard': 1, 'dashed': 1, 'dashing': 1, 'dawn': 1, 'dead': 1, 'diagon': 1, 'door': 1, 'doors': 1, 'dormitories': 1, 'doubled': 1, 'down': 13, 'dragons': 1, 'drew': 1, 'drills': 1, 'drinker': 1, 'dursley': 1, 'dursleys': 5, 'easily': 1, 'enormous': 1, 'except': 1, 'fact': 1, 'fall': 1, 'fang': 3, 'father': 1, 'feelings': 1, 'fell': 2, 'find': 2, 'firenze': 1, 'flew': 1, 'flopped': 1, 'flung': 1, 'forget': 1, 'from': 6, 'front': 2, 'full': 1, 'furiously': 1, "g'night": 1, 'garden': 1, 'gateway': 1, 'gave': 1, 'gets': 1, 'getting': 1, 'giant': 1, 'girls': 1, 'going': 2, 'gone': 2, 'good': 1, 'gotten': 1, 'grab': 1, 'grinned': 1, 'ground': 2, 'grow': 1, 'grown': 1, 'gryffindor': 3, 'hagrid': 5, 'hairs': 1, 'hand': 2, 'handing': 1, 'harry': 13, 'hating': 1, 'have': 5, 'head': 7, 'health': 1, 'held': 1, 'here': 4, 'houses': 1, 'hung': 2, 'hungrily': 1, 'hurried': 1, 'hurt': 1, 'inside': 5, 'instantly': 1, 'instead': 1, 'into': 13, 'johnson': 2, 'jumped': 1, 'just': 2, 'kicked': 1, 'kitchen': 1, 'lady': 1, 'last': 1, 'later': 1, 'lead': 1, 'leaned': 1, 'leaning': 1, 'leapt': 1, 'legs': 2, 'letter': 1, 'library': 2, 'listen': 2, 'locker': 1, 'look': 2, 'looked': 5, 'looking': 1, 'lucky': 1, 'mail': 1, 'malfoy': 2, 'marks': 1, 'mean': 1, 'might': 1, 'mind': 2, 'minute': 1, 'mirror': 2, 'more': 1, 'morgana': 1, 'most': 1, 'muggle': 1, 'muggles': 1, 'nagging': 1, 'nearly': 1, 'neck': 1, 'nervous': 1, 'never': 1, 'neville': 2, 'nimbus': 1, 'normal': 2, 'nose': 1, 'note': 1, 'nursed': 1, 'ollivander': 1, 'onto': 3, 'other': 1, 'ours': 1, 'outside': 2, 'over': 5, 'pass': 1, 'passage': 1, 'past': 1, 'pocket': 2, 'points': 1, 'poked': 1, 'possession': 1, 'potter': 2, 'privet': 1, 'pulled': 3, 'put-outer': 1, 'quickly': 2, 'quidditch': 1, 'quirrell': 1, 'rather': 1, 'reason': 1, 'receiver': 1, 'remembrall': 1, 'reserve': 1, 'right': 2, 'room': 1, 'runnin': 1, 'said': 4, 'saying': 1, 'scared': 1, 'school': 1, 'scrambled': 1, 'scruff': 1, 'scuttled': 1, 'seat': 2, 'second': 1, 'seeker': 1, 'senses': 1, 'sharply': 1, 'sheets': 1, 'shelf': 1, 'shop': 1, 'shouted': 1, 'shown': 1, 'shrank': 1, 'shutting': 1, 'side': 1, 'sidled': 1, 'singing': 1, 'sitting': 4, 'skimming': 1, 'sleep': 1, 'sleep-': 1, 'slid': 2, 'slipped': 1, 'slowly': 1, 'smiling': 1, 'snake': 1, 'snape': 1, 'snapped': 2, 'snatch': 1, 'snatched': 1, 'sniffling': 1, 'sofa': 1, 'some': 1, 'sped': 1, 'sprinted': 2, 'stand': 3, 'stared': 3, 'staring': 2, 'started': 2, 'stone': 1, 'stop': 1, 'straight': 2, 'streaked': 1, 'strong': 1, 'stuck': 1, 'suggest': 1, 'suppose': 1, 'surged': 1, 'table': 1, 'take': 2, 'talk': 2, 'taunting': 1, 'tell': 1, 'temper': 1, 'thank': 1, 'that': 4, 'their': 5, 'them': 3, 'then': 2, 'there': 4, 'these': 2, 'they': 3, 'this': 3, 'thousand': 1, 'through': 5, 'throwing': 1, 'time': 1, 'toadless': 1, 'told': 1, 'tomorrow': 1, 'tonight': 1, 'tore': 1, 'toward': 3, 'train': 2, 'tried': 1, 'trudged': 1, 'trying': 1, 'turban': 1, 'turn': 1, 'turned': 2, 'turning': 1, 'uncle': 1, 'upstairs': 2, 'vernon': 1, 'very': 1, 'walked': 3, 'walking': 1, 'wall': 2, 'wand': 2, 'want': 4, 'warned': 1, 'waved': 1, 'wearing': 1, 'welcome': 2, 'well': 1, 'went': 4, 'were': 3, 'what': 1, 'when': 2, 'whether': 1, 'which': 1, 'whisperers': 1, 'wild': 1, 'will': 4, 'window': 1, 'with': 4, 'wood': 1, 'would': 1, 'write': 1, 'writing': 1, 'yeah': 1, 'your': 1}), 'drove': Counter({'around': 1, 'dursley': 1, 'even': 1, 'knew': 1, 'mind': 1, 'them': 1, 'they': 3, 'toward': 1, 'uncle': 1, 'while': 1}), 'road': Counter({'across': 2, 'bustling': 1, 'corner': 1, 'down': 1, 'even': 1, 'front': 1, 'himself': 1, 'hurried': 1, 'into': 1, 'landed': 1, 'lined': 1, 'they': 1, 'watched': 1}), 'watched': Counter({'because': 1, 'being': 2, 'birds': 1, 'birthday': 1, 'careful': 1, 'closely': 1, 'dudley': 1, 'emerged': 1, 'flutter': 1, 'girl': 1, 'goblin': 1, 'gorilla': 1, 'grip': 1, 'hagrid': 2, 'harry': 5, 'horror': 1, 'impatiently': 1, 'mcgonagall': 1, 'mind': 1, 'mirror': 1, 'petrified': 1, 'professor': 1, 'quirrell': 1, 'recognized': 1, 'road': 1, 'shadows': 1, 'snape': 1, 'table': 1, 'them': 1, 'they': 2, 'though': 1, 'time': 1, 'vernon': 1, 'very': 1, 'with': 1}), 'mirror': Counter({'able': 1, 'again': 1, 'around': 1, 'attention': 1, 'back': 2, 'been': 1, 'behind': 1, 'close': 1, 'concentrating': 1, 'could': 2, 'dashed': 1, 'delights': 1, 'desperate': 1, 'does': 1, 'easily': 1, 'erised': 6, 'find': 2, 'finding': 1, 'front': 4, 'glad': 1, 'going': 1, 'high': 1, 'himself': 1, 'inside': 1, 'interesting': 1, 'like': 1, 'look': 4, 'looked': 1, 'looking': 1, 'magnificent': 1, 'myself': 1, 'nearer': 1, 'normal': 1, 'noticed': 1, 'only': 2, 'opened': 1, 'other': 1, 'people': 1, 'possible': 1, 'quirrell': 2, 'reading': 1, 'room': 1, 'seen': 1, 'should': 2, 'shoulders': 1, 'show': 1, 'shows': 1, 'snape': 2, 'stared': 1, 'stone': 2, 'sure': 1, 'tell': 1, 'that': 5, 'there': 3, 'this': 5, 'trick': 1, 'twelve': 1, 'very': 1, 'wanting': 1, 'watched': 1, 'what': 1, 'whole': 1, 'will': 2, 'worked': 1}), 'said': Counter({"'course": 1, "'harry": 1, "'nmat": 1, '-for': 1, 'abbott': 1, 'about': 8, 'absolutely': 1, 'admirers': 1, 'afternoon': 2, 'afterward': 1, 'again': 8, 'ages': 1, 'ahem': 1, 'alas': 1, 'allowed': 1, 'along': 1, 'always': 2, 'anxiously': 1, 'anymore': 1, 'anyone': 1, 'anything': 7, 'anytime': 1, 'anyway': 1, 'apart': 1, 'around': 2, 'asked': 1, 'aunt': 4, 'away': 1, 'awkwardly': 1, 'baby': 1, 'back': 4, 'bane': 1, 'barking': 1, 'baron': 1, 'bartender': 1, 'baruffio': 1, 'basketball': 1, 'bathrobe': 1, 'beaming': 1, 'because': 2, 'bedroom': 1, 'been': 2, 'before': 1, 'begins': 1, 'bendy': 1, 'best': 1, 'better': 2, 'bitterly': 1, 'black': 1, 'blame': 1, 'blimey': 1, 'blown': 1, 'blurted': 1, 'body-bind': 1, 'bored': 1, 'bossy': 1, 'both': 6, 'bothered': 1, 'bought': 1, 'boys': 1, 'brazil': 1, 'breaking': 1, 'brilliant': 3, 'britain': 1, 'broom': 1, 'broomstick': 2, 'brought': 1, 'business': 2, 'calmly': 1, 'cannon': 1, 'cant': 1, 'caput': 1, 'card': 2, 'careful': 1, 'case': 1, 'casually': 2, 'catch': 1, 'ceiling': 1, 'centaur': 1, 'century': 2, 'chained': 1, 'chapter': 1, 'charlie': 1, 'chaser': 1, 'cheer': 1, 'cheerfully': 2, 'chess': 1, 'chessmen': 1, 'choked': 1, 'christmas': 2, 'circumstances': 1, 'clear': 1, 'cloak': 3, 'coals': 1, 'coldly': 2, 'collapsible': 1, 'come': 4, 'coming': 2, 'common': 1, 'compartment': 1, 'coolly': 1, 'corridors': 1, 'coughed': 1, 'could': 4, 'courage': 1, 'course': 7, 'coward': 1, 'crabbe': 1, 'crate': 1, 'crossly': 1, 'crouching': 1, "d'you": 1, 'dangerous': 1, 'darkly': 1, 'dashing': 1, 'dawn': 1, 'dead': 1, 'dean': 2, 'dear': 1, 'decoration': 1, 'dentists': 1, 'desperate': 1, 'desperately': 2, 'destroyed': 1, 'died': 1, 'difference': 1, 'disappeared': 1, 'disgust': 1, 'disgusted': 1, 'does': 2, 'doing': 3, 'done': 2, 'door': 2, 'down': 1, 'draco': 1, 'draconis': 1, 'drag': 1, 'dragon': 2, 'dragons': 1, 'drained': 1, 'drawling': 1, 'drive': 1, 'dudley': 3, 'duel': 1, 'dumbledore': 38, 'dunno': 1, 'dursley': 2, 'dying': 1, 'each': 1, 'eagerly': 2, 'earlier': 1, 'either': 1, 'else': 1, 'embarrassed': 1, 'enchantments': 1, 'enough': 2, 'entered': 1, 'evening': 1, 'ever': 1, 'every': 1, 'everyone': 2, 'exactly': 2, 'exasperation': 1, 'excellent': 2, 'expelled': 2, 'explain': 1, 'face': 2, 'fact': 1, 'family': 2, 'famous': 1, 'fang': 2, 'fault': 1, 'favored': 1, 'field': 1, 'fifty-eight': 1, 'fighting': 1, 'filch': 5, 'finally': 7, 'find': 1, 'fine': 2, 'firenze': 3, 'firmly': 1, 'first': 8, 'five': 2, 'flamel': 2, 'flatter': 1, 'flew': 1, 'flopped': 1, 'fluffy': 3, 'follow': 2, 'forest': 2, 'forget': 2, 'fortune': 1, 'fred': 8, 'free': 1, 'freezing': 1, 'friar': 2, 'friendly': 1, 'from': 3, 'front': 1, 'frown': 1, 'furiously': 1, 'game': 2, 'gamekeeper': 1, 'george': 4, 'ghost': 2, 'giant': 5, 'girl': 2, 'gloom': 1, 'gloomy': 1, 'goblin': 1, 'going': 6, 'gone': 2, 'good': 6, 'good-bye': 2, 'goyle': 1, 'granger': 1, 'greasily': 1, 'grinding': 1, 'gringotts': 4, 'grinning': 1, 'griphook': 4, 'ground': 1, 'gruffly': 1, 'grumpily': 1, 'gryffindor': 1, 'gryffindors': 1, 'guard': 2, 'guarding': 1, 'guess': 1, 'hagrid': 110, 'hagrid.': 1, 'half-and-half': 1, 'hand': 2, 'handing': 1, 'hands': 1, 'hang': 1, 'happen': 1, 'happened': 1, 'hard': 1, 'harp': 1, 'harry': 163, 'hatched': 1, 'hates': 1, 'have': 6, 'haven': 1, 'head': 1, 'hear': 1, 'heard': 3, 'heavily': 1, 'hedwig': 1, 'held': 1, 'hello': 2, 'help': 1, 'here': 3, 'hermione': 48, 'hmmm': 1, 'hoarse': 2, 'hogwarts': 9, 'holiday': 1, 'home': 2, 'honestly': 1, 'hoodlums': 1, 'hope': 1, 'house': 3, 'hufflepuff': 2, 'hullo': 1, 'hurrying': 1, 'hurting': 1, 'hurts': 1, 'hushed': 1, 'idea': 1, 'idiot': 1, 'impatiently': 1, 'impressively': 1, 'instead': 3, 'invisibility': 1, 'invisible': 1, 'irritably': 1, 'jokes': 1, 'journey': 1, 'july': 1, 'just': 4, 'keep': 1, 'keeper': 1, 'kill': 1, 'killed': 1, 'kindly': 1, 'kitchen': 1, 'knew': 1, 'knight': 1, 'knocked': 1, 'know': 8, 'knuts': 1, 'last': 2, 'late': 1, 'laws': 1, 'least': 1, 'leave': 1, 'leaves': 1, 'leering': 1, 'letter': 2, 'letters': 1, 'library': 2, 'life': 1, 'light': 1, 'lighter': 1, 'like': 2, 'longbottom': 1, 'look': 6, 'looked': 2, 'lookin': 1, 'looking': 6, 'lord': 1, 'losing': 2, 'lost': 1, 'loudly': 2, 'lucky': 3, 'lump': 1, 'madam': 1, 'magic': 1, 'make': 1, 'malfoy': 10, 'malkin': 2, 'maybe': 1, 'mcgonagall': 3, 'mean': 1, 'meant': 1, 'measured': 1, 'mention': 1, 'mere': 1, 'midnight': 1, 'mind': 3, 'mine': 1, 'minute': 1, 'minutes': 2, 'miserably': 1, 'mistake': 2, 'moment': 1, 'mommy': 1, 'morning': 1, 'mother': 2, 'motorcycle': 2, 'mrs.': 3, 'much': 2, 'muggle': 1, 'muggles': 1, 'music': 1, 'must': 1, 'name': 5, 'nearly': 2, 'needin': 1, 'neither': 1, 'nerve': 1, 'nervously': 1, 'never': 1, 'neville': 12, 'nice': 2, 'nicolas': 1, 'nimbus': 1, 'nobody': 1, 'nope': 1, 'norbert': 1, 'nose': 1, 'nosie': 1, 'note': 2, 'nothin': 1, 'nothing': 5, 'noticed': 1, 'number': 2, 'obvious': 2, 'offended': 2, 'often': 2, 'okay': 2, 'ollivander': 3, 'once': 5, 'only': 2, 'oooooooh': 1, 'open': 2, 'other': 5, 'over': 1, 'overhead': 1, 'owls': 1, 'pale': 2, 'pansy': 1, 'password': 1, 'pasty': 1, 'peering': 2, 'peeves': 5, 'people': 2, 'percy': 9, 'place': 4, 'platform': 1, 'play': 2, 'playing': 1, 'please': 2, 'plump': 1, 'pocket': 1, 'point': 1, 'poison': 1, 'positive': 1, 'potter': 7, 'prefect': 1, 'pretend': 2, 'private': 1, 'privet': 1, 'probably': 2, 'problem': 2, 'professor': 18, 'promise': 1, 'proof': 1, 'proud': 1, 'proudly': 1, 'prune': 1, 'punching': 1, 'pushed': 1, 'putting': 1, 'quaffle': 1, 'questions': 1, 'quickly': 3, 'quidditch': 1, 'quiet': 1, 'quietly': 2, 'quirrell': 10, 'quite': 1, 'rations': 1, 'read': 1, 'readin': 1, 'ready': 1, 'realize': 1, 'really': 3, 'reasonably': 1, 'remember': 1, 'reminds': 1, 'right': 12, 'right-handed': 1, 'rocker': 2, 'ronan': 4, 'room': 1, 'rubbing': 1, 'rubbish': 5, 'ruefully': 1, 'ruined': 1, 'safe': 1, 'said': 8, 'same': 1, 'sandwich': 1, 'saturday': 2, 'school': 4, 'scowling': 1, 'seamus': 3, 'secret': 1, 'section': 1, 'seeker': 2, 'seems': 1, 'seen': 1, 'sending': 1, 'shame': 1, 'sharp': 1, 'sharply': 3, 'shhhh': 1, 'shifty': 1, 'shoo': 1, 'shop': 1, 'shortly': 1, 'should': 1, 'show': 1, 'showing': 1, 'shut': 6, 'sign': 1, 'simply': 1, 'sister': 1, 'sleep': 1, 'sleepily': 2, 'slipped': 1, 'sloped': 1, 'slowly': 3, 'slytherin': 3, 'slytherins': 1, 'small': 2, 'smallest': 1, 'smile': 1, 'smiling': 2, 'smirking': 1, 'smoothly': 1, 'snape': 14, 'snitch': 1, 'socks': 1, 'soft': 1, 'softly': 3, 'some': 1, 'somethin': 2, 'something': 4, 'sometimes': 1, 'somewhere': 1, 'sorry': 7, 'sorted': 1, 'sorting': 1, 'sounding': 1, 'speak': 1, 'speaking': 2, 'special': 1, 'spell': 1, 'sprinted': 1, 'squeaky': 1, 'stalagmite': 1, 'stand': 1, 'stared': 1, 'starving': 1, 'stiffily': 1, 'stop': 2, 'stranger': 1, 'strength': 1, 'students': 1, 'stupid': 2, 'stupidly': 1, 'suddenly': 5, 'suggested': 1, 'summer': 1, 'suppose': 4, 'supposed': 1, 'sure': 1, 'surprise': 1, 'sweater': 1, 'sweetums': 1, 'sword': 1, 'take': 2, 'tape': 1, 'team': 1, 'tearing': 1, 'tears': 1, 'tell': 1, 'temper': 1, 'term': 1, 'terrified': 1, 'thank': 1, 'thanks': 5, 'that': 22, 'their': 2, 'them': 4, 'then': 13, 'there': 10, 'these': 5, 'they': 14, 'thing': 1, 'things': 1, 'think': 7, 'thinking': 1, 'thirty-six': 1, 'this': 12, 'those': 1, 'though': 3, 'thought': 1, 'thousand': 1, 'three': 3, 'threw': 1, 'throwing': 1, 'time': 2, 'times': 1, 'toad': 1, 'together': 2, 'told': 1, 'tomorrow': 2, 'tonight': 3, 'tosh': 1, 'toward': 1, 'tower': 1, 'true': 1, 'tuesday': 1, 'tune': 1, 'turn': 1, 'turning': 2, 'turnips': 1, 'twin': 1, 'twins': 5, 'twitching': 1, 'typical': 1, 'uncertainly': 1, 'uncle': 13, 'understand': 1, 'unicorn': 1, 'uniform': 2, 'unless': 1, 'until': 1, 'unwrapping': 1, 'used': 1, 'vernon': 3, 'very': 3, 'victims': 1, 'voice': 4, 'voldemort': 1, 'waited': 1, 'waitin': 1, 'waiting': 2, 'wall': 1, 'wand': 1, 'wands': 1, 'want': 3, 'ward': 1, 'warning': 2, 'weasley': 1, 'weatherman': 1, 'week': 1, 'weird': 1, 'welcome': 3, 'well': 6, 'went': 2, 'what': 18, 'wheeling': 1, 'whelk': 1, 'when': 5, 'where': 4, 'wherever': 1, 'will': 3, 'wingardium': 1, 'wiping': 1, 'wished': 2, 'witch': 1, 'with': 5, 'wizardry': 1, 'woken': 1, 'woman': 1, 'women': 2, 'wood': 14, 'word': 1, 'worried': 1, 'worry': 1, 'worse': 1, 'would': 3, 'wrong': 1, 'yeah': 6, 'year': 3, 'years': 3, 'you-know-who': 2, 'your': 4, 'yourself': 2}), 'looking': Counter({'about': 1, 'again': 2, 'angry': 1, 'another': 1, 'around': 4, 'ashen-faced': 1, 'asked': 2, 'back': 1, 'barbers': 1, 'been': 4, 'black': 1, 'both': 1, 'busy': 1, 'cauldron': 1, 'class': 1, 'cloak': 1, 'coins': 1, 'confused': 1, 'could': 1, 'curiously': 1, 'depressed': 1, 'diggle': 1, 'disapproving': 1, 'disapprovingly': 1, 'disgruntled': 1, 'dittany': 1, 'door': 2, 'down': 1, 'dragon': 1, 'drive': 1, 'dudley': 1, 'dumbledore': 1, 'each': 3, 'even': 1, 'everyone': 2, 'excuse': 1, 'family': 1, 'famous': 1, 'fang': 1, 'feet': 1, 'fingers': 1, 'flushed': 1, 'forward': 5, 'frantically': 1, 'furious': 1, 'furiously': 1, 'gallery': 1, 'gloomy': 1, 'goyle': 1, 'hagrid': 3, 'harry': 10, 'hawk': 1, 'hermione': 1, 'himself': 1, 'home': 1, 'inside': 1, 'instead': 1, 'just': 1, 'keep': 3, 'kept': 3, 'knew': 1, 'know': 1, 'listening': 1, 'longingly': 1, 'mcgonagall': 1, 'mirror': 1, 'miss': 1, 'mother': 1, 'moving': 1, 'name': 1, 'nervous': 1, 'nervously': 1, 'neville': 1, 'next': 1, 'none': 1, 'nothing': 1, 'old-fashioned': 1, 'opposite': 1, 'other': 1, 'over': 2, 'pain': 1, 'perhaps': 1, 'petunia': 1, 'pleased': 2, 'properly': 1, 'quickly': 1, 'quill': 1, 'quite': 1, 'really': 1, 'reason': 2, 'said': 6, 'seat': 1, 'second': 1, 'seemed': 1, 'shaken': 1, 'shop': 1, 'sign': 1, 'snape': 2, 'sneer': 1, 'snitch': 1, 'socks': 1, 'someone': 1, 'something': 1, 'stairs': 1, 'started': 2, 'still': 1, 'stood': 1, 'straight': 2, 'street': 1, 'stuff': 1, 'stunned': 1, 'suggested': 1, 'sweets': 1, 'table': 1, 'telephone': 1, 'terrified': 1, 'than': 1, 'their': 1, 'them': 4, 'this': 1, 'though': 2, 'thousands': 1, 'time': 1, 'tired': 2, 'troll': 1, 'uncertainly': 1, 'very': 4, 'wand': 1, 'wands': 1, 'weeks': 1, 'went': 2, 'were': 4, 'what': 4, 'while': 1, 'woman': 1, 'wonder': 1, 'wood': 2, 'worried': 1}), 'cats': Counter({'after': 1, 'could': 1, 'ever': 1, 'every': 1, 'like': 1, 'over': 1, 'photographs': 1, 'seem': 1, 'sign': 1, 'they': 1, 'while': 1, 'work': 1}), 'read': Counter({'able': 1, 'about': 3, 'albus': 1, 'ancient': 1, 'anything': 1, 'asking': 1, 'aunt': 1, 'because': 1, 'been': 1, 'before': 2, 'card': 1, 'could': 4, 'curiously': 1, 'danger': 1, 'door': 1, 'first': 1, 'flaming': 1, 'goblin': 1, 'grateful': 1, 'green': 1, 'hagrid': 2, 'harry': 4, 'have': 1, 'hermione': 1, 'hogwarts': 2, 'honestly': 1, 'interesting': 1, 'just': 1, 'know': 1, 'lamp': 1, 'letter': 4, 'long': 1, 'look': 2, 'maps': 1, 'minds': 1, 'name': 3, 'never': 1, 'newspaper': 1, 'nimbus': 1, 'note': 2, "o'clock": 1, 'older': 1, 'ollivanders': 1, 'only': 1, 'outside': 1, 'paper': 1, 'said': 1, 'shoulder': 1, 'story': 1, 'sure': 1, 'that': 2, 'this': 1, 'those': 1, 'through': 1, 'time': 1, 'titles': 1, 'together': 1, 'told': 1, 'train': 1, 'uncle': 1, 'upside': 1, 'want': 2, 'what': 1, 'wrongly': 1}), 'maps': Counter({'read': 1, 'signs': 1}), 'signs': Counter({'dursley': 1, 'maps': 1}), 'gave': Counter({'another': 1, 'back': 1, 'bills': 1, 'broom': 1, 'brother': 1, 'called': 1, 'card': 1, 'caught': 1, 'ceiling': 1, 'chocolate': 1, 'christmas': 1, 'clever': 1, 'creeps': 1, 'days': 1, 'dumbledore': 3, 'dursley': 1, 'encouraging': 1, 'excited': 1, 'father': 1, 'gasp': 1, 'george': 1, 'great': 1, 'hagrid': 2, 'harry': 4, 'heart': 2, 'hermione': 1, 'himself': 1, 'hooch': 1, 'horrible': 1, 'ignored': 1, 'just': 1, 'knew': 1, 'leap': 1, 'lift': 1, 'loud': 1, 'malfoy': 2, 'name': 1, 'neville': 1, 'note': 1, 'petunia': 1, 'pointy': 1, 'right': 1, 'shoulders': 1, 'sight': 1, 'slight': 1, 'small': 1, 'snape': 1, 'squeal': 1, 'stern': 1, 'sudden': 1, 'team': 1, 'television': 1, 'that': 1, 'them': 2, 'thumbs': 1, 'wand': 2, 'weak': 1, 'what': 1, 'when': 1, 'which': 2, 'wood': 1, 'yell': 1, 'yesterday': 1}), 'himself': Counter({"'course": 1, 'about': 1, 'against': 1, 'allowed': 1, 'around': 1, 'ashamed': 1, 'asleep': 1, 'baked': 1, 'black': 1, 'boat': 1, 'braced': 1, 'caught': 1, 'chapter': 1, 'charlie': 1, 'convince': 1, 'could': 1, 'danger': 1, 'darted': 1, 'defend': 1, 'director': 1, 'done': 1, 'dreading': 1, 'drew': 1, 'dumbledore': 2, 'exactly': 1, 'examined': 1, 'felt': 2, 'firmly': 1, 'first': 1, 'flattened': 1, 'floor': 1, 'forced': 1, 'found': 3, 'friend': 1, 'from': 2, 'front': 1, 'gave': 1, 'gettin': 1, 'grin': 1, 'hagrid': 1, 'harry': 3, 'have': 1, 'head': 1, 'heard': 2, 'helped': 1, 'helping': 1, 'hermione': 1, 'into': 3, 'joking': 1, 'keep': 1, 'know': 1, 'laughed': 1, 'like': 1, 'little': 1, 'look': 1, 'looking': 1, 'lowered': 2, 'made': 1, 'make': 2, 'meddle': 1, 'mirror': 1, 'only': 1, 'onto': 1, 'player': 1, 'pointed': 1, 'power': 1, 'promised': 1, 'proudly': 1, 'pull': 1, 'quirrell': 2, 'reflected': 1, 'reflection': 1, 'reminded': 1, 'right': 1, 'road': 1, 'scratch': 1, 'sees': 1, 'shaking': 1, 'silly': 1, 'somethin': 1, 'something': 1, 'sorry': 1, 'speak': 1, 'standing': 1, 'steadied': 1, 'steeling': 1, 'stop': 2, 'suppose': 1, 'swore': 1, 'swung': 1, 'talking': 1, 'that': 1, 'their': 1, 'there': 2, 'this': 1, 'through': 1, 'time': 2, 'together': 2, 'told': 1, 'took': 1, 'treacle': 1, 'trust': 1, 'turning': 1, 'unpopular': 1, 'want': 1, 'what': 2, 'whittled': 1, 'with': 4, 'would': 1}), 'shake': Counter({'could': 1, 'feeling': 1, 'hand': 1, 'hands': 1, 'harder': 1, 'harry': 1, 'little': 1, 'lurking': 1, 'mind': 1, "shake'em": 1, 'stood': 1, 'wanted': 1, 'would': 1, 'your': 1}), 'mind': Counter({'about': 2, 'admitted': 1, 'anythin': 1, 'back': 2, 'bewitching': 1, 'brilliant': 1, 'brought': 1, 'centaurs': 1, 'change': 1, 'changed': 3, 'could': 1, 'courage': 1, 'death': 2, 'deep': 1, 'driven': 1, 'drove': 1, 'either': 1, 'empty': 1, 'ensnaring': 1, 'expelled': 1, 'eyes': 1, 'fine': 1, 'from': 1, 'going': 1, 'hagrid': 1, 'half': 1, 'harry': 5, 'houses': 1, 'keeping': 1, 'kept': 1, 'last': 1, 'leaving': 1, 'lessons': 1, 'meet': 1, 'mentionin': 1, 'misery': 1, 'more': 1, 'moving': 1, 'needed': 1, 'nerves': 1, 'never': 4, 'open': 1, 'over': 2, 'parking': 1, 'rabbitin': 1, 'racing': 2, 'ready': 1, 'receiver': 1, 'said': 3, 'save': 1, 'shake': 1, 'slipped': 1, 'something': 1, 'starting': 1, 'step': 1, 'stronger': 1, 'swallowed': 1, 'take': 2, 'tell': 2, 'than': 1, 'that': 3, 'then': 1, 'tiny': 1, 'until': 1, 'usually': 1, 'watched': 1, 'well-organized': 2, 'what': 1, 'where': 1, 'wood': 1, 'would': 4, 'wriggles': 1, 'years': 1, 'your': 1}), 'toward': Counter({'back': 3, 'barrier': 1, 'before': 1, 'book': 1, 'briskly': 1, 'castle': 2, 'changed': 1, 'chocolate': 1, 'climbed': 1, 'could': 1, 'crept': 1, 'damp': 1, 'door': 3, 'doors': 1, 'drove': 1, 'dungeon': 1, 'dursleys': 1, 'dusk': 1, 'edged': 1, 'face': 1, 'feelings': 1, 'fire': 1, 'flame': 1, 'flutter': 1, 'forbidden': 2, 'forest': 1, 'forward': 1, 'front': 2, 'furiously': 1, 'gateway': 1, 'girls': 1, 'glided': 1, 'goal': 1, 'goblin': 1, 'griphook': 1, 'ground': 3, 'grounds': 1, 'gryffindor': 2, 'halfway': 1, 'hall': 1, 'harry': 2, 'head': 1, 'highway': 1, 'hurried': 1, 'hurtled': 1, 'instead': 1, 'jupiter': 1, 'kitchen': 1, 'know': 1, 'land': 1, 'lawns': 1, 'lazily': 1, 'madam': 1, 'malfay': 1, 'marched': 1, 'marcus': 1, 'moving': 1, 'must': 1, 'narrowed': 1, 'nearest': 1, 'nodding': 2, 'number': 1, 'open': 1, 'other': 1, 'peeves': 1, 'people': 1, 'platforms': 1, 'possible': 1, 'pull': 1, 'quidditch': 1, 'reached': 1, 'running': 2, 'rushed': 1, 'said': 1, 'school': 1, 'shakily': 1, 'shot': 1, 'silently': 1, 'smooth': 1, 'snitch': 1, 'snout': 1, 'sped': 2, 'speeding': 3, 'speeds': 1, 'sprang': 1, 'started': 2, 'step': 3, 'steps': 1, 'stone': 1, 'streaked': 1, 'street': 1, 'stretching': 1, 'striding': 1, 'strode': 1, 'struggled': 1, 'swiftly': 1, 'their': 1, 'them': 10, 'tiptoed': 1, 'town': 1, 'tracks': 1, 'train': 1, 'trapdoor': 1, 'trophy': 1, 'trunk': 1, 'turned': 1, 'uncle': 1, 'waddling': 1, 'wait': 1, 'walk': 1, 'walked': 1, 'walking': 1, 'wall': 1, 'when': 1}), 'town': Counter({'books': 1, 'drills': 1, 'edge': 1, 'little': 1, 'loudly': 1, 'people': 1, 'station': 1, 'thought': 1, 'today': 1, 'toward': 1}), 'thought': Counter({'-well': 1, 'about': 2, 'acting': 1, 'afraid': 1, 'all-': 1, 'also': 1, 'august': 1, 'awake': 1, 'because': 1, 'been': 1, 'before': 1, 'best': 1, 'better': 2, 'blood': 1, 'brooms': 1, 'burst': 1, 'cheer': 1, 'comforting': 1, 'copying': 1, 'could': 2, 'desperately': 1, 'dudley': 2, 'dumbledore': 1, 'dungeons': 1, 'edging': 1, 'empty': 1, 'faint': 1, 'family': 1, 'find': 1, 'firenze': 2, 'first': 2, 'flint': 1, 'going': 1, 'granger': 1, 'gryffindor': 1, 'hagrid': 1, 'hand': 1, 'harry': 24, 'have': 4, 'head': 1, 'heart': 1, 'hermione': 1, 'horrible': 1, 'just': 5, 'keep': 1, 'know': 1, 'licking': 1, 'like': 2, 'look': 1, 'looked': 2, 'make': 1, 'maybe': 4, 'might': 4, 'moment': 2, 'more': 1, 'must': 1, 'never': 3, 'neville': 1, 'next': 1, 'nobody': 1, 'nothing': 1, 'obviously': 1, 'once': 1, 'only': 1, 'others': 1, 'ought': 1, 'people': 1, 'petunia': 1, 'possession': 1, 'potter': 2, 'probably': 1, 'professor': 1, 'quills': 1, 'racing': 1, 'ribs': 1, 'right': 1, 'said': 1, 'same': 1, 'second': 1, 'seeing': 1, 'seemed': 1, 'severus': 1, 'should': 1, 'shoved': 1, 'slytherin': 2, 'snape': 4, 'sobbing': 1, 'some': 1, 'somehow': 1, 'something': 2, 'sometimes': 1, 'speak': 1, 'stool': 1, 'stretch': 1, 'struck': 1, 'students': 1, 'teachers': 1, 'than': 1, 'that': 5, 'them': 2, 'then': 3, 'there': 3, 'they': 6, 'this': 4, 'though': 2, 'time': 1, 'town': 1, 'very': 2, 'voldemort': 1, 'weeks': 1, 'well': 1, 'were': 1, 'when': 1, 'whisper': 1, 'wildly': 1, 'wood': 1, 'would': 4}), 'except': Counter({'anyone': 1, 'anything': 1, 'back': 1, 'bald': 1, 'bangs': 1, 'before': 1, 'broomstick': 1, 'chess': 1, 'classes': 1, 'company': 1, 'dudley': 1, 'dumbledore': 1, 'empty': 2, 'everyone': 1, 'everything': 2, 'hermione': 2, 'hide': 1, 'kill': 1, 'killed': 1, 'knows': 1, 'large': 1, 'laughing': 1, 'malfoy': 1, 'much': 1, 'nightmare': 1, 'nothing': 2, 'out-of-bounds': 1, 'peeves': 1, 'peppermints': 1, 'perhaps': 2, 'powerful': 1, 'seemed': 1, 'single': 1, 'snap': 1, 'stupid': 1, 'that': 4, 'through': 1, 'very': 1, 'watch': 1, 'world': 1}), 'order': Counter({'affairs': 1, 'also': 1, 'drills': 1, 'dumbledore': 1, 'large': 1, 'merlin': 1, 'seems': 1, 'then': 1}), 'hoping': Counter({'around': 1, 'asked': 1, 'catch': 1, 'come': 1, 'drills': 1, 'fall': 1, 'gamekeeper': 1, 'going': 1, 'half': 1, 'home': 1, 'imagining': 1, 'knees': 1, 'notes': 1, 'obviously': 1, 'reason': 1, 'room': 1, 'sign': 1, 'sounded': 1, 'that': 1, 'though': 2, 'weasley': 1}), 'edge': Counter({'around': 1, 'bush': 1, 'clearing': 1, 'forbidden': 1, 'forest': 2, 'granger': 1, 'great': 1, 'grounds': 1, 'house': 1, 'huge': 1, 'left': 1, 'must': 1, 'onto': 1, 'over': 1, 'seat': 1, 'sofa': 1, 'standing': 1, 'that': 1, 'town': 1, 'tried': 1, 'very': 1}), 'driven': Counter({'been': 1, 'knowing': 1, 'mind': 1, 'once': 1, 'over': 1, 'were': 1}), 'else': Counter({'anyone': 5, 'anything': 6, 'because': 2, 'course': 1, 'dinner': 1, 'direction': 1, 'dormitory': 1, 'dragon': 1, 'everybody': 1, 'everyone': 7, 'everything': 1, 'everywhere': 1, 'excuse': 1, 'family': 1, 'fire': 1, 'first': 1, 'full': 1, 'gone': 1, 'just': 1, 'kept': 1, 'know': 1, 'looked': 1, 'lots': 1, 'merry': 1, 'might': 1, 'nothing': 2, 'owned': 1, 'prepared': 1, 'right': 1, 'running': 1, 'said': 1, 'should': 1, 'someone': 2, 'something': 8, 'somewhere': 1, 'that': 1, 'them': 1, 'there': 1, 'think': 1, 'until': 1, 'usual': 1, 'very': 1, 'were': 1, 'what': 2, 'when': 1, 'with': 1, 'world': 1, 'worry': 1, 'would': 2}), 'morning': Counter({'although': 1, 'askin': 1, 'barked': 1, 'best': 1, 'bitten': 1, 'break': 1, 'breakfast': 1, 'coming': 1, 'counter': 1, 'dawned': 1, 'defense': 1, 'during': 1, 'early': 1, 'every': 2, 'excited': 1, 'explain': 1, 'filch': 1, 'first': 2, 'following': 1, 'greeting': 1, 'ground': 1, 'halloween': 1, 'harry': 2, 'however': 3, 'long': 1, 'mid-december': 1, 'motorcycles': 1, 'next': 12, 'notes': 1, "o'clock": 1, 'owl-free': 1, 'owls': 1, 'said': 1, 'sitting': 1, 'sunday': 1, 'teach': 1, 'that': 2, 'they': 1, 'this': 2, 'traffic': 1, 'uncle': 1, 'usual': 1, 'want': 1, 'when': 2, 'yelled': 1}), 'traffic': Counter({'could': 1, 'lights': 1, 'morning': 1, 'moved': 1, 'than': 1, 'would': 1}), 'help': Counter({'apart': 1, 'asked': 2, "c'mere": 1, 'cheering': 1, 'come': 1, 'could': 5, 'does': 1, 'either': 1, 'enough': 2, 'expelled': 1, 'forevermore': 1, 'ghosts': 1, 'going': 1, 'great': 1, 'greatness': 1, 'hang': 1, 'harry': 2, 'hermione': 1, 'house': 1, 'lady': 1, 'life': 1, 'master': 1, 'might': 1, 'much': 1, 'name': 1, 'noticing': 1, 'overhearing': 1, 'quirrell': 1, 'said': 1, 'seat': 1, 'snarled': 1, 'snout': 1, 'sort': 1, 'that': 1, 'there': 1, 'think': 1, 'thinking': 1, 'tried': 1, 'trusting': 1, 'twins': 1, 'unwrapped': 1, 'want': 1, 'which': 1, 'will': 2, 'with': 2, 'work': 1, 'would': 1, 'your': 1, 'yourself': 1}), 'noticing': Counter({'anyone': 1, 'anything': 1, 'carelessly': 1, 'come': 1, 'from': 1, 'help': 1, 'hermione': 1, 'keeping': 1, 'quirrell': 1, 'ropes': 1, 'that': 2, 'their': 2, 'thing': 1, 'what': 1, 'where': 1, 'without': 1}), 'seemed': Counter({'about': 1, 'accidents': 1, 'ages': 1, 'always': 2, 'amuse': 1, 'anger': 1, 'arguing': 1, 'asking': 1, 'because': 1, 'become': 2, 'been': 1, 'blood': 1, 'breakfast': 1, 'cart': 1, 'certainly': 2, 'chasers': 1, 'cheer': 1, 'cheering': 1, 'chessmen': 1, 'clinking': 1, 'coat': 1, 'come': 2, 'coming': 2, 'driving': 1, 'drops': 1, 'ears': 1, 'easiest': 1, 'echoes': 1, 'everyone': 1, 'except': 1, 'eyes': 1, 'fill': 1, 'fire': 1, 'full': 1, 'getting': 1, 'gloom': 1, 'hagrid': 1, 'handsome': 1, 'happen': 1, 'happier': 1, 'harry': 2, 'hate': 1, 'have': 9, 'hear': 1, 'here': 1, 'imagining': 1, 'impress': 1, 'keep': 1, 'know': 5, 'like': 3, 'looking': 1, 'made': 1, 'malfoy': 1, 'move': 1, 'nobody': 1, 'notice': 1, 'overhead': 1, 'pasties': 1, 'picking': 1, 'pink': 1, 'pocket': 1, 'quirrell': 2, 'quiver': 1, 'ranting': 1, 'really': 1, 'school': 1, 'settling': 1, 'sharper': 1, 'sight': 1, 'silver': 1, 'smaller': 1, 'sneaked': 1, 'somehow': 1, 'something': 1, 'sort': 1, 'speaking': 1, 'stands': 1, 'steep': 1, 'stopped': 1, 'straining': 1, 'strangely': 1, 'street': 1, 'students': 1, 'taking': 1, 'teachers': 1, 'that': 5, 'there': 2, 'they': 5, 'think': 2, 'thinking': 1, 'this': 2, 'though': 1, 'thought': 1, 'tingle': 1, 'tower': 1, 'trees': 1, 'trying': 1, 'turned': 1, 'vanish': 1, 'vernon': 1, 'very': 1, 'voice': 1, 'watching': 1, 'what': 4, 'which': 3, 'whom': 1, 'with': 1}), 'strangely': Counter({'behaving': 1, 'carrying-': 1, 'dressed': 1, 'felt': 1, 'kind': 1, 'looked': 1, 'seemed': 1, 'small': 1, 'this': 1, 'though': 1}), 'dressed': Counter({'even': 1, 'funny': 1, 'green': 1, 'mauve': 1, 'muggle': 1, 'people': 2, 'quickly': 1, 'silently': 1, 'strangely': 1, 'went': 1, 'when': 1, 'witch': 1, 'woman': 1}), 'cloaks': Counter({'dursley': 1, 'enough': 1, 'found': 1, 'over': 1, 'people': 4, 'think': 1, 'until': 1}), 'funny': Counter({'again': 1, 'another': 1, 'attract': 1, 'because': 1, 'breathed': 1, 'business': 1, 'clicking': 1, 'clothes': 1, 'crunching': 1, 'dreamily': 1, 'dressed': 1, 'dumbledore': 1, 'everyone': 1, 'feeling': 2, 'folk': 1, 'gray': 1, 'inside': 1, 'look': 1, 'looks': 1, 'made': 1, 'motorcycle': 1, 'muffled': 1, 'name': 1, 'need': 1, 'nibble': 1, 'noise': 1, 'people': 1, 'petunia': 1, 'rasping': 1, 'really': 2, 'saying': 1, 'sharply': 1, 'smell': 2, 'spoke': 1, 'stuff': 1, 'thanks': 1, 'that': 3, 'they': 1, 'think': 1, 'this': 1, 'thoughtfully': 1, 'unusual': 1, 'very': 2, 'warning': 1, 'whelk': 1, 'with': 1, 'wizards': 1, 'words': 1}), 'clothes': Counter({'arguments': 1, 'baggy': 2, 'broken': 1, 'dudley': 2, 'funny': 1, 'getups': 1, 'muggle': 1, 'never': 1, 'pupils': 1, 'should': 1, 'some': 1, 'swapping': 1, 'taped': 1, 'were': 1}), 'getups': Counter({'clothes': 1, 'young': 1}), 'young': Counter({'another': 1, 'bald': 1, 'being': 1, 'face': 1, 'foolish': 1, 'from': 1, 'getups': 1, 'hoodlums': 1, 'made': 1, 'maniacs': 1, 'nervous': 1, 'pale': 1, 'people': 1, 'sirius': 1, 'spoke': 1, 'sure': 1, 'that': 1, 'then': 1, 'were': 1, 'with': 1}), 'supposed': Counter({'course': 1, 'crash': 1, 'doing': 1, 'forget': 1, 'good': 1, 'harry': 2, 'keep': 1, 'know': 2, 'magic': 2, 'mentioned': 1, 'people': 1, 'really': 1, 'room': 1, 'said': 1, 'saying': 1, 'sending': 1, 'students': 1, 'take': 1, 'that': 2, 'they': 2, 'this': 4, 'very': 1, 'were': 2}), 'some': Counter({"'course": 1, 'about': 2, 'afraid': 1, 'alone': 1, 'already': 1, 'amber': 1, 'anti-dark': 1, 'anything': 1, 'asked': 1, 'back': 1, 'bacon': 1, 'basic': 1, 'best': 2, 'bottle': 1, 'brandy': 1, 'breakfast': 1, 'broom': 1, 'cakes': 1, 'came': 1, 'ceiling': 1, 'clothes': 1, 'cock-and-bull': 1, 'could': 1, 'crackpot': 1, 'died': 2, 'difficulty': 1, 'doin': 1, 'done': 1, 'dreamed': 1, 'dudley': 1, 'dunno': 1, 'dyeing': 1, 'earn': 1, 'everything': 1, 'expelled': 1, 'extra': 1, 'families': 1, 'feeling': 1, 'fighting': 1, 'find': 2, 'first': 1, 'firsthand': 1, 'followers': 1, 'food': 1, 'force': 1, 'friday': 1, 'friends': 1, 'give': 1, 'glittering': 1, 'goyle': 1, 'hands': 1, 'hanging': 1, 'have': 2, 'huge': 1, 'icicles': 1, 'interesting': 1, 'into': 1, 'just': 1, 'ketchup': 1, 'killed': 1, 'kitchen': 1, 'know': 1, 'left': 1, 'like': 1, 'looked': 1, 'magic': 1, 'make': 1, 'malfoy': 1, 'match': 1, 'mighta': 1, 'money': 2, 'most': 1, 'nerve': 1, 'nettle': 1, 'ones': 1, 'other': 1, 'ours': 1, 'pack': 1, 'paying': 1, 'pile': 1, 'point': 1, 'powerful': 1, 'presents': 1, 'probably': 1, 'protection': 1, 'rations': 1, 'rats': 1, 'readin': 1, 'reason': 3, 'room': 1, 'sacrifices': 1, 'said': 1, 'secret': 1, 'sign': 2, 'silly': 1, 'sitting': 1, 'sleep': 1, 'sort': 4, 'sparkling': 1, 'spotted': 1, 'stalking': 1, 'still': 1, 'stole': 1, 'stood': 1, 'story': 1, 'strange': 1, 'street': 2, 'students': 1, 'stupid': 1, 'supply': 1, 'take': 1, 'teachers': 1, 'that': 2, 'them': 3, 'then': 1, 'there': 2, 'these': 1, 'they': 1, 'things': 2, 'thinking': 1, 'this': 3, 'those': 1, 'thought': 1, 'time': 1, 'title': 1, 'transfiguration': 1, 'troll': 1, 'twigs': 1, 'understand': 1, 'unknown': 1, 'ways': 1, 'were': 2, 'with': 6, 'wizarding': 1, 'world': 1, 'year': 1}), 'stupid': Counter({'almost': 1, 'been': 2, 'being': 2, 'completely': 1, 'dota': 1, 'dudley': 1, 'except': 1, 'fashion': 1, 'first': 1, 'forget': 1, 'know': 1, 'mean': 1, 'minute': 1, 'more': 1, 'name': 1, 'need': 1, 'other': 1, 'people': 1, 'potter': 1, 'purpose': 1, 'really': 1, 'said': 2, 'seen': 1, 'snapped': 1, 'some': 1, 'spell': 1, 'that': 1, 'them': 1, 'they': 1, 'thing': 1, 'this': 1, 'took': 1, 'trunk': 1, 'very': 1, 'were': 1, 'with': 1, 'yellow': 1}), 'fashion': Counter({'drummed': 1, 'outta': 1, 'stupid': 1, 'years': 1}), 'drummed': Counter({'fashion': 1, 'fingers': 1}), 'fingers': Counter({'crossed': 3, 'drummed': 1, 'feet': 1, 'glass': 1, 'hagrid': 1, 'hermione': 1, 'inside': 1, 'long': 2, 'looking': 1, 'mouth': 1, 'professor': 1, 'raised': 1, 'ropes': 1, 'showing': 1, 'simply': 1, 'snapped': 2, 'steering': 1, 'their': 1, 'them': 1, 'they': 1, 'through': 1, 'trembling': 1, 'under': 1, 'warmth': 1}), 'steering': Counter({'fingers': 1, 'griphook': 1, 'harry': 1, 'wheel': 1}), 'wheel': Counter({'eyes': 1, 'steering': 1}), 'eyes': Counter({'again': 1, 'ages': 1, 'around': 3, 'away': 4, 'beady': 1, 'beast': 1, 'been': 1, 'beetle': 2, 'before': 2, 'began': 1, 'believe': 1, 'beneath': 1, 'black': 1, 'blazing': 1, 'blue': 3, 'ceiling': 1, 'class': 1, 'closed': 2, 'cold': 1, 'collecting': 1, 'dabbed': 1, 'dark': 1, 'doors': 1, 'down': 1, 'dumbledore': 2, 'eels': 1, 'eyes': 2, 'fell': 3, 'filled': 1, 'five': 1, 'fixed': 3, 'flashed': 1, 'from': 1, 'gaunt': 1, 'giant': 1, 'glaring': 1, 'glinting': 2, 'glittered': 1, 'green': 2, 'ground': 1, 'hair': 2, 'hall': 1, 'harry': 8, 'hermione': 2, 'home': 1, 'into': 1, 'jacket': 1, 'jewel-bright': 1, 'just': 2, 'keep': 1, 'kept': 2, 'know': 1, 'laid': 1, 'lamplike': 1, 'letter': 1, 'like': 5, 'lingered': 1, 'lingering': 1, 'little': 1, 'looked': 2, 'luminous': 1, 'magic': 1, 'make': 1, 'meet': 1, 'mind': 1, 'misty': 2, 'monstrous': 1, 'more': 1, 'mother': 1, 'mrs.': 1, 'narrowed': 1, 'nervously': 1, 'noses': 1, 'only': 1, 'open': 2, 'opened': 1, 'orange': 1, 'over': 3, 'pale': 2, 'raised': 1, 'ready': 1, 'really': 1, 'rolling': 1, 'rubbish': 1, 'scarlet': 1, 'scene': 1, 'seemed': 1, 'seems': 1, 'seize': 1, 'sharp': 1, 'sheet': 1, 'shining': 1, 'shoo': 1, 'shut': 1, 'silvery': 1, 'slid': 1, 'slits': 1, 'slowly': 1, 'snape': 1, 'snapped': 1, 'sneezed': 1, 'staring': 3, 'statue': 1, 'stepped': 1, 'still': 1, 'strayed': 1, 'streaming': 1, 'stung': 1, 'swore': 1, 'take': 3, 'taking': 1, 'tearing': 1, 'tears': 1, 'that': 1, 'their': 3, 'them': 3, 'then': 1, 'thick': 1, 'this': 1, 'three': 2, 'time': 1, 'tore': 3, 'tottering': 1, 'turned': 1, 'twinkled': 1, 'twinkling': 1, 'twitched': 1, 'twitching': 1, 'uncle': 2, 'until': 1, 'used': 1, 'voice': 1, 'waiting': 1, 'watching': 1, 'watering': 1, 'wearing': 1, 'welcome': 1, 'were': 9, 'what': 1, 'wheel': 1, 'when': 2, 'wide': 1, 'wild': 1, 'wiping': 1, 'with': 1, 'wood': 1, 'wore': 1, 'yellow': 1, 'your': 2}), 'fell': Counter({'almost': 2, 'around': 1, 'asleep': 6, 'away': 1, 'back': 2, 'backward': 1, 'because': 1, 'before': 1, 'bother': 1, 'broom': 1, 'called': 1, 'catch': 1, 'coat': 1, 'diggle': 1, 'down': 1, 'dursley': 1, 'empty': 1, 'everyone': 1, 'excitement': 1, 'eyes': 3, 'face': 2, 'flat': 2, 'flute': 1, 'from': 1, 'full': 1, 'gold': 1, 'gradually': 1, 'hall': 1, 'hard': 1, 'harry': 4, 'head': 1, 'huddle': 1, 'into': 3, 'knees': 2, 'landed': 1, 'lost': 1, 'marcus': 1, 'motorcycle': 1, 'mouth': 2, 'nearly': 2, 'neck': 1, 'night': 1, 'note': 1, 'onto': 1, 'open': 2, 'over': 4, 'pajamas': 1, 'past': 1, 'paws': 1, 'play': 1, 'promised': 1, 'right': 1, 'seconds': 1, 'shock': 1, 'silent': 3, 'spiders': 1, 'tart': 1, 'then': 3, 'they': 1, 'thirty-six': 1, 'tree': 1, 'tripped': 1, 'turban': 1, 'wall': 1, 'which': 1}), 'huddle': Counter({'fell': 1, 'limp': 1, 'there': 1, 'these': 1}), 'these': Counter({"'undred": 1, 'about': 2, 'anything': 1, 'back': 2, 'because': 1, 'birds': 2, 'bludgers': 1, 'books': 1, 'broom': 1, 'clues': 1, 'days': 4, 'dragon': 1, 'drearns': 1, 'especially': 1, 'exams': 1, 'fantastic': 1, 'from': 1, 'front': 1, 'give': 2, 'hagrid': 2, 'harry': 1, 'huddle': 1, 'indeed': 1, 'last': 1, 'letter': 1, 'look': 1, 'muggles': 1, 'never': 1, 'pass': 1, 'past': 1, 'people': 5, 'pulled': 1, 'quirrell': 1, 'said': 5, 'sent': 1, 'separated': 1, 'sightings': 1, 'sitting': 1, 'some': 1, 'start': 1, 'strengthened': 1, 'stunt': 1, 'swap': 1, 'sweets': 1, 'swelled': 1, 'table': 1, 'tables': 1, 'things': 2, 'think': 1, 'thousand': 1, 'vernon': 1, 'weirdos': 1, 'were': 1, 'what': 1, 'with': 2, 'wizarding': 1, 'words': 3, 'years': 1}), 'weirdos': Counter({'denying': 1, 'standing': 1, 'these': 1, 'were': 1}), 'quite': Counter({'agree': 1, 'apart': 2, 'around': 1, 'bald': 1, 'bartender': 1, 'became': 1, 'been': 4, 'clear': 1, 'clearly': 1, 'close': 1, 'cool': 1, 'creepy': 1, 'delighted': 1, 'different': 1, 'effect': 1, 'felt': 1, 'fond': 1, 'glad': 1, 'hagrid': 1, 'happy': 1, 'harry': 1, 'have': 1, 'headmaster': 1, 'horribly': 1, 'impressed': 1, 'inches': 1, 'keen': 1, 'looked': 1, 'looking': 1, 'meet': 1, 'never': 1, 'painful': 1, 'personal': 1, 'phoenixes': 1, 'plainly': 1, 'remember': 1, 'right': 2, 'rock': 1, 'said': 1, 'same': 1, 'seem': 1, 'sound': 1, 'sounding': 1, 'standing': 3, 'still': 5, 'stood': 1, 'suddenly': 1, 'sure': 2, 'then': 1, 'they': 1, 'think': 1, 'took': 1, 'troll': 1, 'truthful': 1, 'were': 2, 'where': 1, 'while': 1, 'whippy': 1, 'years': 1}), 'close': Counter({'again': 1, 'been': 1, 'behind': 3, 'broom': 1, 'came': 1, 'come': 1, 'dumbledore': 1, 'glass': 1, 'hand': 1, 'harry': 4, 'keep': 1, 'kept': 1, 'many': 1, 'mirror': 1, 'moved': 1, 'pain': 1, 'possible': 1, 'quite': 1, 'right': 2, 'seconds': 1, 'shaves': 1, 'somewhere': 1, 'stay': 1, 'that': 1, 'there': 1, 'they': 1, 'together': 1, 'very': 2, 'were': 2, 'wrist': 1}), 'whispering': Counter({'coming': 1, 'excitedly': 2, 'faint': 1, 'granger': 1, 'very': 1, 'were': 2}), 'excitedly': Counter({'asked': 1, 'could': 1, 'harry': 1, 'look': 1, 'opened': 1, 'showed': 1, 'this': 1, 'together': 1, 'whispered': 1, 'whispering': 2, 'wood': 1}), 'together': Counter({'block': 1, 'class': 1, 'close': 1, 'closer': 2, 'could': 1, 'dursley': 1, 'excitedly': 1, 'felt': 1, 'first': 1, 'gateway': 1, 'give': 1, 'hands': 2, 'harry': 1, 'heads': 1, 'held': 1, 'hermione': 1, 'himself': 2, 'jammed': 1, 'last': 1, 'learning': 1, 'made': 1, 'next': 1, 'read': 1, 'said': 2, 'sprang': 1, 'squeezed': 1, 'stick': 1, 'stuck': 1, 'summat': 1, 'than': 1, 'there': 1, 'this': 1, 'typical': 1, 'whole': 1, 'with': 2}), 'enraged': Counter({'dursley': 1, 'that': 1}), 'couple': Counter({'broken': 1, 'done': 1, 'dormice': 1, 'enough': 1, 'hogwarts': 1, 'loop-the-loops': 1, 'other': 1, 'points': 1, 'sneezed': 1, 'sparks': 1, 'spiders': 1, 'still': 1, 'terms': 1, 'that': 1, 'them': 1, 'vernon': 1}), 'older': Counter({'head': 1, 'know': 1, 'look': 1, 'pupils': 1, 'read': 1, 'students': 2, 'than': 1, 'that': 1, 'when': 2, 'written': 1}), 'than': Counter({'albus': 1, 'anyone': 1, 'anything': 4, 'asking': 1, 'became': 1, 'before': 1, 'better': 9, 'bigger': 3, 'blinking': 1, 'bravely': 1, 'braver': 2, 'cannonball': 1, 'charlie': 1, 'children': 1, 'clearly': 1, 'come': 1, 'crack': 1, 'deepest': 1, 'dozen': 1, 'dudley': 1, 'earshot': 1, 'easier': 1, 'emptier': 1, 'even': 1, 'ever': 5, 'exciting': 1, 'faster': 4, 'feeble': 1, 'feet': 1, 'felt': 1, 'fewer': 1, 'fire': 1, 'found': 1, 'frogs': 1, 'fuller': 1, 'furiously': 1, 'haircuts': 1, 'harder': 1, 'harry': 3, 'having': 2, 'here': 2, 'higgs': 1, 'home': 1, 'hufflepuff': 1, 'important': 1, 'interest': 1, 'joined': 1, 'july': 1, 'just': 1, 'keep': 1, 'larger': 1, 'last': 3, 'later': 2, 'less': 4, 'letter': 1, 'london': 1, 'looking': 1, 'main': 1, 'malfoy': 1, 'match': 1, 'mind': 1, 'ministry': 1, 'money': 2, 'more': 14, 'noise': 1, 'norbert': 1, 'older': 1, 'other': 2, 'others': 1, 'ours': 1, 'pack': 1, 'past': 1, 'peeves': 1, 'points': 1, 'poorer': 1, 'privet': 1, 'professor': 1, 'quaffle': 1, 'quicker': 1, 'quickly': 1, 'really': 1, 'rest': 1, 'ronan': 1, 'school': 1, 'sharper': 1, 'shorter': 1, 'shown': 1, 'silk': 1, 'skinnier': 1, 'slytherin': 1, 'smaller': 1, 'smarter': 1, 'smoother': 1, 'sorcerer': 1, 'taller': 2, 'teacher': 1, 'team': 1, 'that': 1, 'them': 1, 'they': 7, 'this': 1, 'thought': 1, 'time': 1, 'together': 1, 'traffic': 1, 'treasure': 1, 'twelve': 2, 'unpleasant': 1, 'usual': 3, 'vernon': 1, 'waving': 1, 'wearing': 1, 'weasley': 1, 'what': 1, 'when': 1, 'whisper': 1, 'whole': 1, 'wild': 1, 'wilder-looking': 1, 'winning': 1, 'wise': 1, 'worse': 7, 'would': 1, 'yesterday': 1}), 'wearing': Counter({'already': 1, 'back': 1, 'badge': 1, 'ball': 1, 'belt': 1, 'bits': 1, 'blue': 1, 'cloak': 1, 'come': 1, 'different-colored': 1, 'doors': 1, 'dream': 1, 'emerald-green': 1, 'eyes': 1, 'family': 1, 'ghost': 1, 'glasses': 1, 'granger': 1, 'hair': 1, 'hogwarts': 1, 'like': 1, 'long': 1, 'ours': 1, 'pink': 1, 'professor': 1, 'ruff': 1, 'square': 1, 'still': 1, 'than': 1, 'that': 1, 'uniform': 1, 'violet': 1, 'were': 1, 'what': 1, 'woman': 1, 'yours': 1}), 'emerald-green': Counter({'cloak': 1, 'robes': 1, 'there': 1, 'wearing': 1, 'witch': 1, 'written': 1}), 'cloak': Counter({'admirable': 1, 'admiring': 1, 'around': 2, 'back': 2, 'become': 1, 'been': 1, 'behind': 1, 'better': 2, 'black': 2, 'covered': 1, 'crept': 1, 'down': 1, 'dropped': 1, 'emerald': 1, 'emerald-green': 1, 'everything': 1, 'excitement': 1, 'eyed': 1, 'father': 2, 'felt': 1, 'folded': 1, 'forget': 1, 'from': 2, 'give': 1, 'glad': 1, 'gone': 1, 'harry': 1, 'here': 1, 'inside': 1, 'into': 1, 'invisibility': 14, 'know': 1, 'leaving': 1, 'letter': 1, 'like': 1, 'looking': 1, 'malfoy': 1, 'must': 1, 'muttered': 1, 'need': 2, 'nerve': 1, 'neville': 1, 'over': 2, 'pulled': 3, 'purple': 1, 'putted': 1, 'putting': 1, 'quickly': 1, 'really': 1, 'rummaging': 1, 'said': 3, 'seem': 1, 'seized': 1, 'sent': 1, 'slipped': 1, 'stayed': 1, 'stepped': 1, 'stop': 1, 'stuffed': 1, 'suddenly': 1, 'swish': 1, 'take': 2, 'that': 2, 'then': 1, 'there': 1, 'they': 2, 'thing': 1, 'this': 1, 'three': 1, 'threw': 3, 'throw': 1, 'tight': 1, 'tower': 1, 'trailing': 1, 'tucked': 1, 'underneath': 1, 'violet': 1, 'watching': 1, 'wearing': 1, 'which': 1, 'whoever': 1, 'winter': 1, 'work': 1, 'wrapped': 1}), 'nerve': Counter({'chivalry': 1, 'cloak': 1, 'daring': 1, 'furious': 1, 'harry': 1, 'outstanding': 1, 'pure': 1, 'said': 1, 'some': 1, 'then': 1}), 'struck': Counter({'dursley': 1, 'hard': 1, 'harry': 2, 'have': 1, 'malfoy': 1, 'pounced': 1, 'that': 1, 'then': 1, 'thought': 1}), 'probably': Counter({'about': 1, 'before': 1, 'best': 1, 'dudley': 1, 'enchantments': 1, 'guarded': 1, 'hiding': 1, 'knew': 2, 'mutter': 1, 'nothing': 1, 'old-fashioned': 1, 'quirrell': 1, 'right': 1, 'said': 2, 'silver': 1, 'skin': 1, 'some': 1, 'this': 1, 'thought': 1, 'would': 1}), 'silly': Counter({'harry': 1, 'himself': 1, 'some': 1, 'stunt': 1, 'suggested': 1, 'vernon': 1}), 'stunt': Counter({'silly': 1, 'these': 1}), 'obviously': Counter({'been': 1, 'beneath': 1, 'collecting': 1, 'going': 1, 'guarding': 1, 'hagrid': 1, 'hoping': 1, 'just': 1, 'makes': 1, 'mood': 1, 'petunia': 1, 'potter': 1, 'scented': 1, 'someone': 1, 'something': 1, 'spotted': 1, 'sweater': 1, 'there': 1, 'thought': 1, 'towers': 1, 'trapdoor': 1, 'tried': 1, 'used': 1, 'were': 2, 'whittled': 1}), 'collecting': Counter({'back': 1, 'eyes': 1, 'obviously': 1, 'single': 1, 'something': 1, 'start': 1}), 'moved': Counter({'angry': 1, 'appeared': 1, 'aside': 1, 'been': 1, 'before': 1, 'boats': 1, 'close': 1, 'closer': 3, 'cupboard': 1, 'definitely': 1, 'forward': 2, 'from': 1, 'front': 1, 'gringotts': 1, 'harry': 5, 'hermione': 1, 'home': 1, 'into': 2, 'knew': 1, 'minutes': 1, 'nearer': 1, 'neville': 1, 'nice': 1, 'ollivander': 1, 'once': 1, 'pawn': 1, 'perhaps': 1, 'quirrell': 1, 'silently': 1, 'stone': 1, 'there': 1, 'they': 2, 'three': 1, 'traffic': 1, 'will': 1}), 'minutes': Counter({'about': 1, 'after': 1, 'almost': 1, 'argue': 1, 'away': 1, 'bags': 1, 'board': 1, 'books': 1, 'crept': 1, 'dragged': 1, 'during': 1, 'eleven': 1, 'fifteen': 1, 'five': 9, 'four': 1, 'front': 1, 'gryffindors': 1, 'harry': 3, 'later': 8, 'left': 2, 'loudly': 1, 'maybe': 1, 'moved': 1, 'once': 1, 'only': 1, 'place': 2, 'pocket': 1, 'ready': 1, 'said': 2, 'stammered': 1, 'that': 2, 'three': 1, 'time': 3, 'twenty': 2, 'what': 2}), 'later': Counter({'babble': 1, 'back': 1, 'broomstick': 1, 'brother': 1, 'come': 1, 'desserts': 1, 'dudley': 1, 'dursley': 1, 'dying': 1, 'everybody': 1, 'filch': 1, 'four': 1, 'gone': 1, 'harry': 4, 'hermione': 2, 'hour': 3, 'hours': 2, 'leave': 1, 'life': 1, 'listening': 1, 'made': 1, 'minute': 1, 'minutes': 8, 'moment': 5, 'moments': 1, 'months': 1, 'much': 2, 'neville': 1, 'owls': 1, 'please': 1, 'professor': 1, 'promisin': 1, 'reflection': 1, 'ride': 1, 'sahara': 1, 'second': 5, 'seconds': 2, 'shouted': 1, 'snape': 1, 'somewhere': 1, 'take': 1, 'than': 2, 'then': 2, 'there': 1, 'they': 7, 'time': 1, 'told': 1, 'training': 1, 'uncle': 1, 'understand': 1, 'week': 1, 'wishing': 1, 'with': 1, 'your': 1}), 'parking': Counter({'garage': 1, 'grunnings': 1, 'like': 1, 'meters': 1, 'mind': 1, 'multilevel': 1}), 'always': Counter({'adventure': 1, 'again': 1, 'been': 5, 'bringing': 1, 'dared': 1, 'dudley': 2, 'dursley': 2, 'eagle': 1, 'either': 1, 'expected': 1, 'favors': 1, 'find': 2, 'flew': 1, 'forgets': 1, 'going': 1, 'hagrid': 1, 'happy': 1, 'hard': 1, 'harry': 2, 'have': 1, 'hermione': 1, 'high': 1, 'hissed': 1, 'holidays': 1, 'hope': 1, 'innocent': 1, 'knew': 1, 'liked': 1, 'malfoy': 1, 'maroon': 1, 'mine': 1, 'nasty': 1, 'nearly': 1, 'nick': 1, 'ones': 1, 'plays': 1, 'proper': 1, 'proud': 1, 'really': 1, 'said': 2, 'school': 1, 'seekers': 1, 'seemed': 2, 'snape': 2, 'sobs': 1, 'spoils': 1, 'taken': 1, 'taking': 1, 'that': 5, 'they': 2, 'thoughts': 1, 'tremblin': 1, 'unlocked': 1, 'upset': 1, 'value': 1, 'wanted': 3, 'weasley': 1, 'what': 2, 'when': 1, 'white': 1, 'will': 2, 'with': 1}), 'office': Counter({'dairy': 1, 'dumbledore': 1, 'hurried': 1, 'keep': 1, 'ninth': 1, 'post': 1, 'snapped': 1, 'still': 1, 'they': 1, 'window': 1}), 'ninth': Counter({'floor': 1, 'office': 1}), 'floor': Counter({'along': 1, 'bacon': 1, 'because': 1, 'began': 1, 'burning': 1, 'carefully': 1, 'ceiling': 2, 'cloth': 1, 'concrete': 1, 'could': 1, 'crashed': 1, 'curled': 1, "d'you": 1, 'dead': 1, 'decided': 1, 'desk': 1, 'door': 1, 'down': 2, 'dragged': 1, 'fast': 1, 'feel': 1, 'first': 1, 'flat': 2, 'fright': 1, 'front': 2, 'giant': 1, 'griphook': 1, 'hagrid': 1, 'harry': 4, 'head': 1, 'heads': 1, 'heap': 1, 'hermione': 1, 'himself': 1, 'hut-on-the-rock': 1, 'jars': 1, 'knee': 1, 'looked': 2, 'lying': 1, 'might': 1, 'motionless': 1, 'never': 1, 'ninth': 1, 'onto': 2, 'over': 2, 'peeves': 1, 'people': 1, 'picking': 1, 'potter': 1, 'right': 1, 'sank': 1, 'seventh': 1, 'shoulder': 1, 'slithering': 1, 'smashed': 1, 'softest': 1, 'standing': 2, 'stone': 2, 'stood': 1, 'strange': 1, 'sunk': 1, 'that': 1, 'they': 2, 'think': 1, 'third': 8, 'three': 1, 'tiptoed': 1, 'tracks': 1, 'vernon': 1, 'walls': 1, 'what': 1, 'where': 3, 'wished': 1, 'with': 2, 'would': 1}), 'might': Counter({'able': 2, 'agrippa': 1, 'already': 1, 'although': 1, 'apart': 1, 'back': 1, 'been': 1, 'belong': 2, 'birthday': 1, 'broomsticks': 1, 'dangerous': 1, 'dare': 1, 'dark': 1, 'down': 1, 'dumbledore': 1, 'dursley': 1, 'else': 1, 'even': 1, 'ever': 1, 'faint': 1, 'fair': 1, 'feared': 1, 'felt': 1, 'finally': 1, 'firenze': 1, 'flamel': 1, 'floor': 1, 'following': 1, 'fred': 1, 'frog': 1, 'going': 1, 'hagrid': 1, 'hall': 1, 'happen': 1, 'have': 15, 'help': 1, 'hiding': 1, 'humor': 1, 'late': 1, 'like': 1, 'lose': 1, 'lucky': 1, 'lurking': 1, 'magic': 1, 'mean': 1, 'need': 1, 'nice': 1, 'ought': 1, 'overtake': 1, 'raised': 1, 'ribs': 1, 'safe': 1, 'save': 1, 'scar': 1, 'seats': 1, 'seen': 1, 'sick': 1, 'snape': 1, 'snoozing': 1, 'something': 1, 'spying': 1, 'surprise': 1, 'that': 4, 'their': 1, 'there': 2, 'they': 2, 'thing': 1, 'think': 3, 'this': 1, 'though': 2, 'thought': 4, 'thrown': 1, 'trouble': 1, 'very': 1, 'want': 1, 'warmer': 1, 'well': 3, 'what': 1, 'which': 1, 'with': 1, 'worth': 1}), 'harder': Counter({'balls': 1, 'come': 1, 'concentrate': 2, 'found': 2, 'have': 1, 'past': 1, 'shake': 1, 'team': 1, 'than': 1, 'think': 1, 'time': 1, 'tried': 1}), 'concentrate': Counter({'drills': 2, 'finding': 1, 'harder': 2, 'trying': 1}), 'owls': Counter({'about': 1, 'although': 1, 'britain': 1, 'every': 1, 'explain': 1, 'flocks': 1, 'flooded': 1, 'flying': 1, 'harry': 1, 'have': 2, 'hooted': 1, 'hundred': 1, 'later': 1, 'legs': 1, 'loads': 1, 'morning': 1, 'mumbled': 1, 'nation': 1, 'normally': 1, 'nothing': 1, 'only': 2, 'parents': 1, 'said': 1, 'school': 1, 'screech': 1, 'send': 1, 'sent': 1, 'shooting': 2, 'showers': 1, 'soared': 1, 'suddenly': 1, 'swoop': 1, 'swooped': 1, 'that': 2, 'they': 1, 'this': 1, 'tonight': 1, 'turban': 1, 'want': 1, 'when': 2, 'with': 1}), 'swoop': Counter({'owls': 1, 'past': 1}), 'broad': Counter({'daylight': 2, 'past': 1, 'streets': 1}), 'daylight': Counter({'broad': 2, 'even': 1, 'flying': 1, 'kept': 1, 'mysterious': 1, 'seen': 1, 'tell': 1, 'there': 1, 'though': 1}), 'though': Counter({'about': 3, 'acted': 1, 'added': 1, 'afternoon': 1, 'again': 1, 'agreed': 1, 'annoyed': 1, 'because': 1, 'been': 3, 'being': 1, 'books': 1, 'bottom': 1, 'broom': 1, 'chair': 1, 'chance': 1, 'choice': 1, 'coldly': 1, 'could': 3, 'cousin': 1, 'cracked': 1, 'crash': 1, 'crooked': 1, 'dare': 1, 'daylight': 1, 'different': 1, 'does': 1, 'down': 1, 'dreams': 1, 'drive': 1, 'dudley': 1, 'dumbledore': 1, 'entered': 1, 'even': 7, 'everything': 1, 'feel': 1, 'felt': 5, 'flamel': 1, 'flooding': 1, 'fluffy': 1, 'frighten': 1, 'glass': 2, 'hands': 1, 'happy': 1, 'harry': 9, 'have': 3, 'head': 1, 'here': 1, 'hoping': 2, 'idea': 1, 'indeed': 1, 'insides': 1, 'iron': 1, 'just': 1, 'large': 1, 'legs': 1, 'life': 1, 'look': 2, 'looked': 9, 'looking': 2, 'might': 2, 'mouth': 1, 'needs': 1, 'nothing': 1, 'oddly': 1, 'only': 1, 'opinion': 1, 'ours': 1, 'over': 1, 'pajamas': 1, 'people': 2, 'person': 1, 'petrified': 1, 'pieces': 1, 'pinning': 1, 'planned': 1, 'points': 1, 'poor': 1, 'quirrell': 3, 'rather': 2, 'repeated': 1, 'said': 3, 'scar': 1, 'seamus': 1, 'seconds': 1, 'seemed': 1, 'several': 1, 'shame': 1, 'sitting': 1, 'slow': 1, 'someone': 1, 'something': 1, 'sounded': 1, 'spoke': 1, 'staring': 1, 'stiffily': 1, 'still': 1, 'strangely': 1, 'such': 1, 'suddenly': 2, 'sunk': 1, 'sure': 1, 'tasted': 1, 'teddy': 1, 'thanks': 1, 'that': 1, 'them': 1, 'then': 1, 'there': 1, 'they': 2, 'think': 1, 'this': 5, 'thought': 2, 'tree': 1, 'tried': 1, 'trouble': 1, 'watched': 1, 'were': 1, 'wide-eyed': 1, 'wish': 1, 'work': 1}), 'down': Counter({'again': 2, 'agreed': 1, 'allowed': 1, 'argue': 1, 'back': 13, 'bacon': 1, 'been': 2, 'bent': 5, 'between': 1, 'blackness': 1, 'boat': 1, 'books': 1, 'both': 1, 'bottle': 1, 'bounced': 1, 'boxes': 1, 'breakfast': 1, 'breathing': 2, 'broom': 1, 'calm': 2, 'calming': 1, 'carefully': 1, 'cart': 1, 'catch': 1, 'charms': 1, 'cheering': 1, 'classes': 1, 'climbing': 1, 'cloak': 1, 'come': 1, 'coming': 1, 'common': 1, 'copying': 1, 'corridor': 4, 'corridors': 1, 'could': 1, 'counting': 1, 'country': 1, 'creep': 1, 'crept': 1, 'crouched': 1, 'dancing': 1, 'dark': 1, 'darkness': 1, 'dear': 1, 'deserted': 1, 'diagon': 1, 'different': 1, 'dormitory': 1, 'down': 8, 'dribbling': 1, 'dropped': 1, 'ducking': 1, 'dudley': 1, 'dumbledore': 1, 'dungeons': 4, 'empty': 1, 'end-of-year': 1, 'enough': 1, 'entrance': 1, 'ever': 1, 'everybody': 1, 'everything': 1, 'eyes': 1, 'feet': 1, 'fell': 1, 'field': 1, 'finally': 1, 'first': 1, 'fleet': 1, 'floor': 2, 'flump': 1, 'fluttered': 1, 'freed': 1, 'from': 1, 'front': 5, 'gallery': 1, 'galloped': 1, 'garden': 1, 'gathered': 1, 'glanced': 2, 'going': 2, 'great': 2, 'ground': 1, 'gryffindors': 1, 'hagrid': 3, 'hall': 3, 'handle': 1, 'happened': 1, 'happening': 1, 'harry': 6, 'have': 2, 'head': 3, 'heads': 2, 'heavily': 1, 'hermione': 1, 'hopped': 1, 'hufflepuff': 1, 'hurried': 1, 'into': 2, 'jumping': 1, 'just': 1, 'kent': 1, 'kitchen': 2, 'knocked': 1, 'laden': 1, 'lake': 1, 'lamp': 1, 'leaking': 1, 'leaning': 1, 'legs': 1, 'lights': 1, 'line': 1, 'living': 1, 'long': 1, 'look': 3, 'looked': 7, 'looking': 1, 'lying': 1, 'made': 2, 'many': 1, 'marched': 1, 'middle': 1, 'might': 1, 'moments': 1, 'mrs.': 1, 'names': 1, 'narrow': 1, 'neville': 1, 'next': 5, 'night': 1, 'oliver': 1, 'once': 1, 'opposite': 1, 'over': 3, 'paced': 2, 'pacing': 1, 'parts': 1, 'path': 1, 'pavement': 1, 'peered': 1, 'people': 1, 'picked': 1, 'place': 1, 'plastic': 1, 'platform': 1, 'play': 1, 'pleased': 1, 'pointed': 1, 'pointing': 1, 'postcard': 1, 'privet': 1, 'professor': 1, 'pulled': 2, 'quickly': 2, 'quill': 1, 'racing': 1, 'reason': 1, 'right': 3, 'road': 1, 'room': 2, 'rows': 1, 'safely': 1, 'said': 1, 'sank': 2, 'saying': 1, 'scribbled': 1, 'seat': 2, 'september': 1, 'settled': 1, 'slipped': 1, 'sloping': 1, 'slowing': 1, 'slowly': 1, 'smiled': 1, 'snapped': 1, 'soared': 1, 'sofa': 3, 'something': 1, 'sped': 1, 'spiral': 2, 'sprinted': 1, 'staffroom': 1, 'stairs': 1, 'stands': 1, 'stared': 2, 'staring': 2, 'stars': 1, 'stick': 1, 'stone': 1, 'straight': 1, 'strapping': 1, 'street': 4, 'strode': 1, 'stroked': 1, 'students': 1, 'swiftly': 1, 'swishing': 2, 'swooped': 1, 'swooping': 2, 'table': 3, 'take': 1, 'taking': 1, 'tarantula': 1, 'that': 2, 'their': 6, 'them': 7, 'then': 2, 'there': 2, 'they': 3, 'though': 1, 'through': 3, 'throwing': 1, 'toilet': 2, 'took': 1, 'train': 1, 'trickling': 1, 'umbrella': 1, 'upside': 1, 'vernon': 1, 'village': 2, 'visit': 1, 'voice': 1, 'walked': 4, 'wall': 2, 'walls': 1, 'wand': 1, 'wandered': 1, 'weighed': 1, 'went': 4, 'what': 2, 'where': 1, 'whispered': 1, 'whizzing': 1, 'with': 2, 'wizards': 1, 'wolfing': 1, 'working': 1, 'write': 1, 'yelled': 1}), 'pointed': Counter({'attention': 1, 'beard': 1, 'black': 1, 'broom': 1, 'down': 1, 'face': 2, 'fangs': 1, 'feet': 1, 'forward': 1, 'gazed': 1, 'hagrid': 1, 'harry': 2, 'hermione': 1, 'high': 1, 'himself': 1, 'hogwarts': 1, 'know': 1, 'last': 1, 'long': 1, 'malfoy': 1, 'mcgonagall': 1, 'nose': 1, 'pale': 1, 'passage': 1, 'people': 1, 'plain': 1, 'ribs': 1, 'rounded': 1, 'showing': 1, 'stool': 1, 'swapped': 1, 'them': 1, 'they': 3, 'three': 1, 'trouble': 1, 'whispered': 1, 'wizard': 2}), 'gazed': Counter({'open-': 1, 'pointed': 1}), 'open-': Counter({'gazed': 1, 'mouthed': 1}), 'mouthed': Counter({'after': 1, 'harry': 1, 'open-': 1, 'others': 1}), 'after': Counter({"'til": 1, 'afford': 1, 'again': 1, 'angry': 1, 'anyone': 1, 'asking': 1, 'baby': 2, 'bacon': 1, 'behind': 1, 'bottom': 1, 'burning': 1, 'called': 1, 'cart': 1, 'cats': 1, 'chasing': 1, 'corridor': 1, 'decided': 1, 'delighted': 1, 'depressing': 1, 'dinner': 1, 'done': 1, 'donkeys': 1, 'downward': 1, 'dudley': 1, 'evening': 2, 'everyone': 1, 'excitement': 1, 'faces': 1, 'fifty-foot': 1, 'firmly': 1, 'first': 1, 'fluffy': 1, 'gloomy': 1, 'going': 1, 'gone': 1, 'good': 1, 'grounds': 1, 'hagrid': 1, 'half': 1, 'hand': 1, 'harry': 1, 'heard': 1, 'hermione': 1, 'hungry': 1, 'hurry': 1, 'hurtled': 1, 'imagination': 1, 'knows': 1, 'last': 1, 'lived': 1, 'long': 2, 'look': 3, 'lunch': 1, 'marks': 1, 'match': 1, 'mcgonagall': 1, 'meal': 1, 'mean': 1, 'minute': 2, 'minutes': 1, 'moment': 1, 'more': 1, 'mouth': 1, 'mouthed': 1, 'much': 1, 'never': 1, 'path': 1, 'people': 1, 'potter': 1, 'pulling': 1, 'punished': 1, 'quirrell': 1, 'right': 1, 'rock': 1, 'school': 1, 'seconds': 1, 'side': 1, 'sides': 1, 'snape': 2, 'someone': 1, 'sped': 2, 'stared': 1, 'stone': 1, 'storm': 1, 'stray': 1, 'streak': 1, 'streaked': 1, 'taking': 1, 'that': 8, 'them': 1, 'they': 3, 'this': 1, 'throwing': 1, 'time': 1, 'tired': 1, 'told': 2, 'took': 1, 'training': 1, 'uncertainly': 1, 'uncle': 1, 'under': 1, 'very': 1, 'weeks': 2, 'well-organized': 1, 'what': 5, 'whatever': 1, 'when': 2, 'while': 1, 'who-must-not-be-named': 1, 'world': 1, 'worry': 1, 'you-know-who': 1}), 'sped': Counter({'after': 2, 'back': 1, 'down': 1, 'harry': 1, 'light': 1, 'overhead': 1, 'past': 1, 'staircase': 1, 'straight': 1, 'then': 1, 'they': 3, 'toward': 2}), 'overhead': Counter({'castle': 1, 'fact': 1, 'glittering': 1, 'most': 1, 'said': 1, 'seemed': 1, 'sign': 1, 'soaring': 1, 'sped': 1, 'stars': 1, 'swooped': 1, 'towered': 1}), 'nighttime': Counter({'dursley': 1, 'even': 1, 'gone': 1, 'more': 1, 'visit': 1, 'wanderings': 1}), 'however': Counter({'around': 1, 'catch': 1, 'caution': 1, 'chessmen': 1, 'choosing': 1, 'dean': 1, 'dumbledore': 2, 'dursley': 1, 'felt': 1, 'first': 2, 'fluttered': 1, 'gotten': 1, 'grandfather': 1, 'hagrid': 1, 'harry': 1, 'hermione': 2, 'more': 1, 'morning': 3, 'must': 1, 'nearer': 1, 'perfectly': 1, 'pleased': 1, 'pomfrey': 1, 'quirrell': 1, 'recent': 1, 'shall': 1, 'slyly': 1, 'snape': 1, 'stood': 1, 'them': 1, 'they': 1, 'thing': 1, 'this': 1, 'trees': 1, 'what': 1, 'when': 1, 'working': 1}), 'owl-free': Counter({'morning': 1, 'normal': 1}), 'yelled': Counter({'around': 1, 'between': 1, 'down': 1, 'dudley': 1, 'five': 1, 'forbid': 1, 'four': 1, 'from': 1, 'hagrid': 1, 'harry': 4, 'hermione': 1, 'malfoy': 1, 'morning': 1, 'pea-brain': 1, 'potter': 1, 'seat': 1, 'shrieked': 1, 'silence': 1, 'something': 1, 'split': 1, 'struggling': 1, 'that': 1, 'tricks': 1, 'twins': 1, 'uncle': 3}), 'five': Counter({'about': 1, 'brothers': 2, 'building': 1, 'chapter': 1, 'counted': 1, 'diagon': 1, 'different': 1, 'eyes': 1, 'floors': 1, 'four-posters': 1, 'give': 2, 'granger': 1, 'grumbled': 1, 'gryffindor': 1, 'have': 1, 'here': 1, 'hogwarts': 1, 'hundred': 1, 'just': 1, 'knuts': 2, 'last': 2, 'lasted': 1, 'least': 1, 'little': 1, 'london': 1, 'mean': 1, 'minutes': 9, 'missed': 1, 'must': 1, 'necks': 1, "o'clock": 2, 'paces': 1, 'points': 4, 'said': 2, 'scored': 1, 'silkily': 1, 'television': 1, 'three': 1, 'times': 2, 'walked': 1, 'with': 3, 'woke': 1, 'writer': 1, 'yelled': 1}), 'different': Counter({'about': 1, 'admiring': 1, 'again': 1, 'alone': 1, 'bits': 1, 'brooms': 1, 'clearly': 1, 'colors': 1, 'directions': 1, 'down': 1, 'everyone': 1, 'first': 1, 'five': 1, 'flashed': 1, 'friday': 1, 'groups': 1, 'harry': 1, 'hurrying': 1, 'look': 1, 'names': 1, 'need': 1, 'passed': 1, 'people': 1, 'quite': 1, 'second': 1, 'shouting': 1, 'size': 1, 'somewhere': 1, 'song': 1, 'stars': 1, 'those': 1, 'though': 1, 'times': 1, 'took': 1, 'view': 1, 'ways': 1}), 'important': Counter({'anymore': 1, 'ball': 1, 'best': 1, 'ceremony': 1, 'friday': 1, 'from': 1, 'gets': 1, 'harry': 1, 'modern': 1, 'more': 2, 'most': 1, 'never': 1, 'neville': 1, 'several': 1, 'should': 1, 'something': 3, 'stuff': 1, 'telephone': 1, 'than': 1, 'things': 1, 'this': 3, 'very': 5, 'when': 1}), 'telephone': Counter({'almost': 1, 'calls': 2, 'from': 1, 'furious': 1, 'harry': 1, 'important': 1, 'looking': 1, 'moment': 1, 'rang': 1, 'seized': 1, 'talking': 1}), 'calls': Counter({'post': 1, 'shouted': 1, 'telephone': 2}), 'shouted': Counter({'again': 1, 'back': 1, 'broom': 1, 'calls': 1, 'demanded': 1, 'detention': 1, 'everyone': 2, 'finally': 1, 'groaned': 1, 'gryffindor': 3, 'hagrid': 2, 'harry': 4, 'hermione': 2, 'house': 1, 'hufflepuff': 2, 'hurry': 1, 'later': 1, 'letter': 1, 'leviosa': 1, 'more': 1, 'neville': 1, 'newspaper': 1, 'noticed': 1, 'quirrell': 1, 'return': 1, 'snitch': 1, 'something': 1, 'squeaked': 1, 'stay': 1, 'suddenly': 1, 'table': 1, 'tell': 1, 'that': 2, 'then': 2, 'there': 2, 'threw': 1, 'thumping': 1, 'tried': 1, 'trying': 1, 'twenty': 1, 'uncle': 2, 'understand': 1, 'warn': 1, 'waving': 2}), 'more': Counter({'after': 1, 'ashamed': 1, 'awkward': 1, 'back': 1, 'barely': 1, 'became': 1, 'become': 1, 'becoming': 1, 'been': 3, 'bravely': 1, 'breaking': 1, 'brilliant': 1, 'called': 1, 'careful': 2, 'chair': 1, 'cheerful': 1, 'children': 1, 'clearly': 1, 'climbed': 1, 'comfortable': 1, 'could': 1, 'dragon': 1, 'each': 1, 'eager': 1, 'effort': 1, 'eight': 1, 'even': 5, 'evening': 1, 'expected': 1, 'eyes': 1, 'famous': 1, 'feeble': 1, 'feeling': 1, 'felt': 1, 'ferociously': 1, 'finding': 1, 'firs': 1, 'follow': 1, 'found': 1, 'freckles': 1, 'furiously': 1, 'galloping': 1, 'gettin': 1, 'give': 1, 'goblins': 2, 'going': 1, 'gone': 1, 'gotten': 1, 'grateful': 1, 'haircuts': 1, 'hall': 1, 'harry': 2, 'hated': 1, 'have': 2, 'holding': 1, 'however': 1, 'hundred': 1, 'important': 2, 'interest': 1, 'interested': 1, 'interesting': 3, 'just': 2, 'knows': 1, 'learning': 1, 'less': 2, 'life': 1, 'light': 1, 'like': 2, 'likely': 1, 'little': 1, 'look': 1, 'looked': 2, 'lose': 1, 'luck': 1, 'magic': 2, 'make': 1, 'makes': 1, 'making': 1, 'malfoy': 1, 'marble': 1, 'meant': 1, 'mind': 1, 'money': 2, 'more': 8, 'move': 1, 'much': 3, 'name': 1, 'need': 1, 'nervous': 2, 'nighttime': 1, 'noise': 1, 'nothing': 1, 'once': 1, 'pale': 1, 'pelting': 1, 'please': 1, 'pleased': 1, 'point': 1, 'points': 2, 'popkin': 1, 'potter': 1, 'pounding': 1, 'power': 1, 'powerful': 1, 'presents': 1, 'professor': 1, 'quickly': 2, 'raged': 1, 'rats': 1, 'relaxed': 1, 'rules': 1, 'sense': 1, 'shallows': 1, 'shouted': 1, 'showers': 1, 'silence': 1, 'slowly': 3, 'smile': 1, 'smiled': 1, 'snape': 1, 'something': 1, 'sound': 1, 'staircases': 1, 'stared': 1, 'still': 1, 'strange': 1, 'students': 1, 'study': 1, 'studying': 1, 'stunned': 1, 'stupid': 1, 'swooped': 1, 'take': 1, 'teach': 1, 'telling': 1, 'than': 14, 'that': 1, 'them': 2, 'there': 3, 'they': 2, 'thing': 2, 'thought': 1, 'thousand': 1, 'time': 2, 'trouble': 2, 'unpleasant': 1, 'very': 1, 'walked': 2, 'wands': 1, 'want': 3, 'wants': 1, 'warning': 1, 'waste': 1, 'weasleys': 1, 'were': 1, 'what': 1, 'wine': 1, 'with': 1, 'word': 2, 'words': 1, 'yourselves': 1}), 'mood': Counter({'class': 1, 'fact': 1, 'good': 2, 'improve': 1, 'look': 1, 'obviously': 1, 'tabby': 1, 'until': 1, 'very': 1}), 'until': Counter({'ages': 1, 'asleep': 1, 'bane': 1, 'become': 1, 'believe': 1, 'brains': 1, 'castle': 1, 'catch': 1, 'cheer': 1, 'christmas': 1, 'climbed': 1, 'cloaks': 1, 'crowd': 1, 'distant': 1, 'dumbledore': 1, 'early': 1, 'eight': 1, 'else': 1, 'eyes': 1, 'finally': 1, 'forest': 1, 'found': 1, 'from': 1, 'gathered': 1, 'hagrid': 2, 'hanging': 1, 'happened': 1, 'head': 1, 'heard': 2, 'hogwarts': 1, 'hole': 1, 'holidays': 1, 'keep': 1, 'kind': 1, 'knows': 1, 'learn': 1, 'learned': 1, 'left': 1, 'life': 1, 'look': 1, 'looked': 2, 'lunchtime': 1, 'mind': 1, 'month': 1, 'mood': 1, 'next': 1, 'only': 1, 'other': 1, 'passed': 1, 'path': 1, 'piers': 1, 'professor': 1, 'put-outer': 1, 'quiet': 1, 'quirrell': 1, 'ready': 1, 'rest': 1, 'running': 1, 'said': 1, 'scared': 1, 'sight': 1, 'speak': 1, 'tables': 1, 'that': 2, 'their': 1, 'they': 14, 'train': 1, 'trees': 2, 'uncle': 1, 'waited': 2, 'week': 1}), 'lunchtime': Counter({'animals': 1, 'until': 1, 'when': 1, 'would': 1}), 'stretch': Counter({'legs': 1, 'thought': 1}), 'legs': Counter({'already': 1, 'anger': 2, 'arms': 1, 'back': 2, 'backward': 1, 'because': 1, 'been': 1, 'bent': 1, 'bloody': 1, 'caught': 1, 'come': 1, 'down': 1, 'front': 1, 'harry': 2, 'hind': 1, 'idiot': 1, 'knees': 1, 'massive': 1, 'neville': 1, 'only': 1, 'over': 1, 'owls': 1, 'short': 1, 'sides': 1, 'slender': 1, 'sprang': 2, 'stretch': 1, 'stumbled': 1, 'that': 1, 'their': 2, 'thick': 1, 'though': 1, 'turned': 1, 'walk': 1, 'were': 2, 'would': 1}), 'walk': Counter({'across': 1, 'around': 1, 'before': 1, 'careful': 1, 'could': 1, 'ghosts': 1, 'have': 1, 'into': 2, 'legs': 1, 'little': 1, 'much': 1, 'prowling': 1, 'right': 1, 'slowed': 1, 'snape': 1, 'started': 1, 'straight': 1, 'talk': 1, 'they': 2, 'toward': 1, 'want': 1, 'warned': 1}), 'across': Counter({'back': 2, 'black': 1, 'board': 1, 'bright': 1, 'chamber': 1, 'come': 2, 'common': 1, 'crawling': 1, 'crept': 2, 'dark': 2, 'desk': 1, 'enchantments': 1, 'entrance': 1, 'ever': 1, 'flagged': 1, 'flitted': 1, 'fought': 1, 'glided': 1, 'gliding': 1, 'ground': 1, 'grounds': 2, 'halfway': 2, 'hall': 2, 'hard': 1, 'harry': 3, 'head': 1, 'join': 1, 'kept': 1, 'lake': 2, 'leaned': 1, 'marched': 1, 'mcgonagall': 1, 'muttered': 1, 'peering': 1, 'play': 1, 'pompously': 1, 'quirrell': 1, 'rang': 1, 'road': 2, 'room': 3, 'sailed': 1, 'scar': 1, 'school': 1, 'scrawled': 1, 'scudding': 1, 'seared': 1, 'seeping': 1, 'shot': 1, 'sprinted': 1, 'sprinting': 1, 'stairs': 1, 'stand': 1, 'stone': 1, 'suspension': 1, 'table': 1, 'tapdance': 1, 'their': 1, 'them': 1, 'three': 1, 'tower': 1, 'vomitflavored': 1, 'walk': 1, 'will': 1}), 'from': Counter({'above': 1, 'ahead': 1, 'allowed': 1, 'another': 1, 'anything': 1, 'anyway': 2, 'apart': 8, 'appeared': 1, 'around': 1, 'arrived': 1, 'away': 17, 'back': 6, 'bakery': 1, 'barbers': 1, 'bark': 1, 'before': 1, 'behind': 8, 'being': 3, 'bludgers': 1, 'book': 2, 'books': 2, 'breaking': 1, 'broke': 1, 'brooms': 1, 'business': 1, 'came': 2, 'card': 1, 'carved': 1, 'castle': 1, 'ceiling': 5, 'chair': 1, 'chamber': 1, 'changed': 1, 'cheers': 1, 'classroom': 1, 'cloak': 2, 'come': 6, 'coming': 7, 'concentrating': 1, 'corner': 1, 'could': 1, 'cracked': 1, 'crowd': 1, 'cupboard': 2, 'curling': 1, 'curses': 1, 'cutting': 1, 'daily': 1, 'dangling': 2, 'dark': 1, 'death': 1, 'deeply': 1, 'dining': 1, 'disappeared': 2, 'doing': 1, 'doorway': 1, 'down': 1, 'downstairs': 1, 'drained': 1, 'drawl': 1, 'drink': 1, 'druidess': 1, 'dumbledore': 1, 'dursleys': 1, 'echoed': 1, 'engine': 1, 'erupted': 1, 'escape': 1, 'ever': 1, 'every': 1, 'everyone': 1, 'everything': 1, 'expelled': 1, 'exploding': 1, 'eyes': 1, 'face': 2, 'faded': 3, 'faster': 1, 'feet': 1, 'fell': 1, 'filch': 1, 'fire': 1, 'first': 1, 'flat': 1, 'flatten': 1, 'fluffy': 5, 'fluttered': 1, 'flying-': 1, 'following': 1, 'foot': 2, 'footstool': 1, 'forest': 1, 'frogs': 1, 'galloping': 1, 'game': 2, 'giving': 2, 'goblet': 1, 'going': 1, 'gotten': 2, 'grandmother': 1, 'grasp': 1, 'green': 1, 'grew': 1, 'gringotts': 3, 'ground': 4, 'gryffindor': 9, 'gryffindors': 1, 'hagrid': 4, 'hanging': 1, 'harry': 7, 'have': 1, 'heard': 1, 'here': 3, 'hermione': 5, 'high': 2, 'himself': 2, 'holding': 1, 'home': 1, 'horse': 1, 'hospital': 1, 'house': 1, 'hung': 1, 'hurried': 2, 'idea': 1, 'important': 1, 'inch': 1, 'incredible': 1, 'inferno': 1, 'inside': 5, 'ireland': 1, 'itself': 1, 'journey': 1, 'just': 1, 'keep': 1, 'kept': 1, 'kick': 1, 'kicked': 1, 'killing': 1, 'kitchen': 1, 'kitchens': 1, 'knees': 1, 'know': 1, 'large': 1, 'last': 1, 'leaky': 1, 'leapt': 2, 'learned': 1, 'left': 1, 'letter': 2, 'letters': 1, 'library': 3, 'life': 1, 'light': 1, 'like': 1, 'lonely': 1, 'madam': 1, 'malfoy': 1, 'miles': 1, 'mind': 1, 'ministry': 1, 'missing': 1, 'moans': 1, 'moment': 2, 'mommy': 1, 'moonlight': 1, 'most': 1, 'mother': 1, 'mountain': 1, 'moved': 1, 'muggle': 4, 'muggles': 2, 'name': 1, 'neck': 2, 'note': 2, 'noticing': 1, 'once': 1, 'other': 3, 'over': 1, 'owned': 1, 'package': 3, 'pale': 1, 'people': 1, 'percy': 2, 'plant': 1, 'plates': 2, 'platform': 2, 'pocket': 1, 'points': 6, 'poker': 1, 'postcard': 1, 'potter': 1, 'present': 1, 'presents': 1, 'professor': 4, 'pulled': 1, 'puzzlement': 1, 'quickly': 1, 'quidditch': 1, 'quirrell': 3, 'reflection': 1, 'resign': 1, 'rest': 2, 'right': 1, 'room': 4, 'ropes': 1, 'round': 1, 'route': 1, 'rugs': 1, 'ruined': 1, 'said': 3, 'sausages': 1, 'save': 1, 'saved': 2, 'scoring': 1, 'scrabbling': 1, 'screamed': 1, 'screaming': 1, 'seat': 1, 'second': 1, 'seen': 1, 'shelves': 1, 'shone': 1, 'shop': 1, 'shot': 2, 'shoulder': 1, 'side': 1, 'sight': 1, 'slid': 1, 'slytherin': 2, 'slytherins': 1, 'smell': 2, 'smoke': 1, 'sofa': 1, 'sounded': 1, 'spoke': 1, 'spray': 1, 'staring': 1, 'staying': 1, 'stomach': 1, 'stone': 1, 'stop': 7, 'stopped': 1, 'stops': 1, 'stuff': 1, 'sweets': 1, 'swig': 1, 'take': 1, 'taken': 4, 'teacher': 1, 'teachers': 1, 'team': 1, 'telephone': 1, 'that': 4, 'their': 3, 'them': 4, 'then': 1, 'these': 1, 'they': 1, 'things': 2, 'this': 3, 'tokens': 1, 'took': 1, 'touched': 1, 'train': 1, 'trembling': 1, 'trophy': 1, 'trying': 1, 'tune': 1, 'turn': 1, 'turned': 1, 'umbrella': 1, 'uncle': 3, 'under': 3, 'until': 1, 'upstairs': 1, 'urgent': 1, 'vault': 1, 'vernon': 2, 'view': 2, 'voice': 2, 'voices': 1, 'walls': 1, 'wand': 1, 'wanting': 1, 'watch': 1, 'watchin': 1, 'waving': 1, 'weasley': 1, 'weasleys': 1, 'went': 1, 'what': 3, 'which': 1, 'while': 1, 'whimpering': 1, 'whirl': 1, 'whoop': 1, 'winning': 1, 'with': 1, 'wizarding': 1, 'work': 1, 'wrenched': 1, 'wrists': 1, 'years': 1, 'yelled': 1, 'yellowish': 1, 'young': 1, 'your': 3}), 'bakery': Counter({'forgotten': 1, 'from': 1}), 'forgotten': Counter({'about': 3, 'almost': 3, 'also': 1, 'bakery': 1, 'hang': 1, 'harry': 2, 'have': 4, 'look': 1, 'mouth': 1, 'sandwiches': 1, 'scarlet': 1, 'someone': 1, 'something': 4, 'tell': 1, 'that': 4, 'they': 1, 'what': 3, 'when': 1}), 'passed': Counter({'angrily': 1, 'armor': 1, 'bend': 1, 'book': 1, 'both': 1, 'different': 1, 'dozen': 1, 'filch': 1, 'ghost': 1, 'group': 1, 'harry': 2, 'have': 1, 'heels': 1, 'hermione': 1, 'just': 2, 'know': 1, 'left': 1, 'people': 1, 'platform': 1, 'quirrell': 1, 'round-faced': 1, 'sausages': 1, 'saying': 1, 'seat': 1, 'shame': 1, 'shelf': 1, 'since': 1, 'that': 2, 'they': 6, 'third-floor': 1, 'through': 1, 'thrown': 1, 'time': 2, 'until': 1, 'want': 1, 'with': 1, 'worry': 1, 'years': 2}), 'group': Counter({'moment': 1, 'passed': 1, 'people': 1, 'them': 1}), 'next': Counter({'afternoon': 1, 'again': 1, 'along': 1, 'around': 1, 'baker': 1, 'battle': 1, 'before': 1, 'bottles': 1, 'bowl': 1, 'breakfast': 1, 'came': 2, 'chair': 1, 'chairs': 1, 'chamber': 1, 'class': 1, 'corridor': 1, 'death': 2, 'door': 6, 'doorway': 1, 'dormitory': 1, 'down': 5, 'during': 1, 'early': 1, 'father': 1, 'fire': 1, 'food': 1, 'forget': 1, 'forward': 1, 'fred': 1, 'frogs': 1, 'george': 1, 'glass': 2, 'glasses': 1, 'gone': 2, 'great': 2, 'hannah': 1, 'happened': 1, 'harry': 4, 'head': 1, 'hermione': 2, 'hitch': 1, 'hogwarts': 1, 'inches': 1, 'indeed': 1, 'instead': 1, 'kitchen': 1, 'lamp': 1, 'landed': 2, 'leapt': 1, 'look': 2, 'looking': 1, 'lumpy': 1, 'lying': 1, 'malfoy': 1, 'match': 2, 'melted': 1, 'middle': 1, 'moment': 2, 'morning': 12, 'mrs.': 1, 'need': 1, 'neville': 2, 'night': 1, 'noise': 1, 'normal': 1, 'nothing': 1, "o'clock": 2, 'open': 2, 'over': 2, 'overgrown': 1, 'passageway': 1, 'people': 1, 'platform': 1, 'plump': 1, 'points': 1, 'present': 1, 'quirrell': 1, 'reciting': 1, 'reckon': 1, 'remember': 1, 'right': 1, 'ronan': 1, 'room': 1, 'rooms': 1, 'rumors': 1, 'sandy-haired': 1, 'school': 1, 'scuttled': 1, 'second': 6, 'seeker': 1, 'seize': 1, 'sheets': 1, 'sign': 1, 'sitting': 1, 'sixty-five': 1, 'slammed': 1, 'slipped': 1, 'slowly': 1, 'spend': 1, 'sprawled': 1, 'sprout': 1, 'squeal': 1, 'stand': 1, 'standing': 1, 'stands': 2, 'station': 1, 'stool': 1, 'stopped': 1, 'street': 1, 'table': 2, 'tall': 1, 'tasty': 1, 'their': 1, 'them': 1, 'then': 1, 'there': 1, 'they': 2, 'thought': 1, 'time': 1, 'together': 1, 'training': 1, 'tuesday': 1, 'turn': 1, 'until': 1, 'very': 1, 'visit': 1, 'waiting': 1, 'wall': 1, 'week': 4, 'weeks': 1, 'well': 1, 'went': 1, 'where': 2, 'window': 2, 'with': 1, 'without': 1, 'woke': 1, 'working': 1, 'would': 1, 'year': 2, 'your': 1}), 'baker': Counter({'eyed': 1, 'next': 1}), 'eyed': Counter({'baker': 1, 'cloak': 1, 'dumbledore': 2, 'them': 1, 'with': 1}), 'angrily': Counter({'burst': 1, 'cupboard': 1, 'everyone': 1, 'flint': 1, 'harry': 1, 'jumping': 1, 'muttered': 1, 'passed': 1, 'scar': 1, 'snape': 1, 'sniffed': 1, 'spoke': 1, 'that': 1, 'them': 1}), 'know': Counter({'abou': 2, 'about': 12, 'adventure': 1, 'agree': 1, 'allowed': 1, 'aloud': 1, 'already': 1, 'anyone': 1, 'anythin': 2, 'anything': 2, 'anyway': 2, 'around': 1, 'asked': 3, 'away': 1, 'because': 2, 'best': 1, 'better': 1, 'bothered': 1, 'brother': 1, 'brought': 1, 'cake': 1, 'called': 2, 'calm': 1, 'ceiling': 1, 'change': 1, 'chocolate': 1, 'cloak': 1, 'collect': 1, 'could': 1, 'crowd': 1, "d'yeh": 1, 'd-do': 1, 'days': 1, 'deep': 1, 'depressed': 1, 'didn': 1, 'difference': 1, 'does': 4, 'dudley': 1, 'duels': 1, 'either': 1, 'else': 1, 'erised': 1, 'even': 2, 'every': 1, 'everything': 1, 'excitement': 1, 'expect': 1, 'eyes': 1, 'famous': 1, 'father': 1, 'finally': 1, 'flamel': 2, 'flavor': 1, 'flitwick': 1, 'found': 1, 'fred': 1, 'friday': 1, 'friend': 1, 'from': 1, 'george': 1, 'getting': 1, 'ghost': 1, 'giant': 1, 'glad': 1, 'glared': 2, 'going': 2, 'good': 2, 'goodness': 1, 'great': 1, 'grunted': 1, 'hagrid': 5, 'hard': 2, 'harry': 17, 'hate': 1, 'have': 5, 'haven': 1, 'head': 1, 'here': 3, 'hermione': 1, 'high': 1, 'himself': 1, 'hint': 1, 'hissed': 1, 'hogwarts': 1, 'hotly': 1, 'house': 1, 'impressively': 1, 'incredible': 1, 'into': 1, 'jinx': 1, 'keep': 1, 'know': 6, 'knowin': 1, 'laughter': 1, 'left': 1, 'like': 1, 'little': 1, 'loads': 1, 'longed': 1, 'looking': 1, 'magic': 1, 'malfoy': 1, 'many': 1, 'math': 1, 'meself': 1, 'month': 1, 'move': 1, 'much': 3, 'muggle': 1, 'muggles': 1, 'must': 3, 'name': 4, 'need': 1, 'never': 4, 'neville': 1, 'nicolas': 1, 'nose': 1, 'noses': 1, 'number': 2, 'older': 1, 'oliver': 1, 'ollivander': 1, 'onto': 1, 'ordinary': 1, 'ought': 1, 'passed': 1, 'percy': 1, 'perfectly': 1, 'pleased': 1, 'pointed': 1, 'possibly': 2, 'potter': 3, 'pound': 1, 'professor': 1, 'purple': 1, 'quickly': 1, 'quirrell': 1, 'read': 1, 'really': 3, 'received': 1, 'reckon': 1, 'reflections': 1, 'right': 1, 'ruffled': 1, "s'pposed": 1, 'said': 8, 'school': 1, 'seemed': 5, 'seen': 1, 'sent': 1, 'shortcut': 1, 'shoulder': 1, 'size': 1, 'sleeve': 1, 'slow': 1, 'slytherin': 1, 'snape': 1, 'snapped': 2, 'sniggered': 1, 'snitch': 1, 'some': 1, 'something': 3, 'sounds': 1, 'spluttered': 1, 'stare': 1, 'station': 1, 'stone': 1, 'stupid': 1, 'supposed': 2, 'teapot': 1, 'tell': 2, 'that': 9, 'them': 4, 'then': 2, 'there': 4, 'they': 12, 'thing': 2, 'things': 1, 'think': 4, 'thought': 1, 'time': 1, 'told': 2, 'toward': 1, 'tower': 1, 'transfiguration': 1, 'troll': 1, 'trust': 1, 'truth': 1, 'turning': 1, 'very': 2, 'want': 2, 'wanted': 1, 'watch': 1, 'ways': 1, 'weatherman': 1, 'were': 2, 'what': 26, 'where': 7, 'whether': 3, 'which': 2, 'will': 3, 'with': 5, 'wizard': 1, 'would': 4, 'years': 1, 'yerself': 1, 'youngest': 1}), 'uneasy': Counter({'into': 1, 'made': 1, 'sleep': 1, 'this': 1}), 'bunch': Counter({'death': 1, 'dunderheads': 1, 'this': 1, 'were': 1}), 'single': Counter({'collecting': 1, 'could': 1, 'every': 2, 'except': 1, 'gone': 1, 'harry': 1, 'letter': 1, 'miss': 1, 'pair': 1, 'piers': 1, 'since': 1, 'spindly': 1, 'there': 1, 'wand': 2, 'witch': 1, 'wood': 1}), 'clutching': Counter({'armchair': 1, 'best': 1, 'gasped': 1, 'harry': 1, 'heart': 1, 'large': 1, 'legged': 1, 'stitch': 1, 'tear-streaked': 1, 'them': 1, 'toilet': 1, 'trevor': 1, 'walking': 1, 'wrist': 1}), 'doughnut': Counter({'large': 1, 'that': 1}), 'caught': Counter({'again': 1, 'ages': 1, 'already': 1, 'attention': 1, 'been': 3, 'before': 1, 'behind': 1, 'being': 1, 'bound': 1, 'concen': 1, 'disappointment': 1, 'either': 1, 'every': 2, 'faces': 1, 'feet': 1, 'filch': 2, 'gave': 1, 'glimpse': 1, 'going': 1, 'ground': 1, 'gryffindor': 1, 'hagrid': 1, 'harry': 6, 'have': 1, 'hermione': 1, 'himself': 1, 'house': 1, 'just': 1, 'legs': 1, 'mid-': 1, 'moonlight': 1, 'never': 1, 'neville': 2, 'once': 2, 'peeves': 1, 'prodding': 1, 'pulled': 1, 'quickly': 1, 'quirrell': 1, 'ribs': 1, 'says': 1, 'seamus': 1, 'sharply': 1, 'shock': 1, 'sight': 4, 'smile': 1, 'snape': 2, 'snitch': 1, 'spoke': 1, 'stuffed': 1, 'suppose': 1, 'surprise': 1, 'that': 2, 'them': 1, 'they': 1, 'twice': 1, 'useful': 1, 'volume': 1, 'will': 1, 'with': 1, 'words': 2}), 'words': Counter({'blackboard': 1, 'bright': 1, 'came': 1, 'caught': 2, 'chosen': 1, 'dumbledore': 1, 'dunno': 1, 'engraved': 1, 'everyone': 2, 'find': 1, 'first': 1, 'following': 1, 'funny': 1, 'gulped': 1, 'harry': 1, 'hatching': 1, 'here': 1, 'hermione': 1, 'into': 1, 'knight': 1, 'languages': 1, 'last': 1, 'like': 1, 'lost': 2, 'magic': 1, 'more': 1, 'only': 1, 'platform': 1, 'properly': 1, 'rude': 1, 'snape': 1, 'spelled': 1, 'thank': 1, 'that': 2, 'these': 3, 'they': 1, 'what': 2, 'with': 2, 'without': 1, 'your': 1}), 'saying': Counter({"'you-know-who": 1, 'about': 1, 'anything': 1, 'back': 1, 'brooms': 1, 'chaser': 1, 'comfortable': 1, 'could': 1, 'd-do': 1, 'down': 1, 'dragon': 1, 'dumbledore': 1, 'dursleys': 1, 'eeylops': 1, 'everyone': 2, 'filch': 1, 'flick': 1, 'forgive': 1, 'frightened': 1, 'funny': 1, 'glass': 1, 'glasses': 1, 'going': 2, 'gran': 1, 'heart': 1, 'hushed': 1, 'jordan': 1, 'keep': 1, 'kept': 1, 'leave': 1, 'loudly': 1, 'magic': 1, 'malfoy': 1, 'meters': 1, 'monk': 1, 'name': 3, 'needed': 1, 'packed': 1, 'passed': 1, 'petunia': 1, 'potters': 1, 'pressed': 1, 'quick': 1, 'quivering': 1, 'rang': 1, 'remember': 1, 'round-faced': 1, 'sign': 1, 'snape': 1, 'something': 3, 'stop': 2, 'supposed': 1, 'that': 5, 'their': 1, 'they': 4, 'tried': 1, 'unicorn': 1, 'usual': 1, 'voldemort': 2, 'wand': 1, 'were': 6, 'what': 2, 'where': 1, 'windmill': 1, 'without': 1, 'word': 1, 'wrong': 1}), 'right': Counter({'-please': 1, '-the': 1, 'aargh': 1, 'aback': 1, 'after': 1, 'already': 1, 'answers': 1, 'around': 1, 'arrived': 1, 'away': 3, 'back': 2, 'balls': 1, 'before': 1, 'began': 1, 'behind': 3, 'blood': 1, 'body': 1, 'bottle': 1, 'branches': 1, 'catch': 1, 'ceiling': 1, 'celebrating': 1, 'centaurs': 1, 'change': 1, 'changin': 1, 'cheered': 1, 'cleared': 1, 'close': 2, 'closer': 1, 'come': 1, 'corridor': 1, 'course': 2, 'daddy': 1, 'dark': 1, 'dead': 1, 'dear': 1, 'destroyed': 1, 'direction': 2, 'dived': 1, 'doing': 1, 'door': 1, 'doorway': 1, 'down': 3, 'dream': 1, 'dropped': 1, 'dudley': 1, 'dumbledore': 2, 'else': 1, 'enough': 1, 'exactly': 1, 'face': 2, 'fall': 1, 'famous': 1, 'fell': 1, 'flint': 1, 'floor': 1, 'follow': 1, 'followed': 1, 'fondly': 1, 'fork': 1, 'fred': 1, 'from': 1, 'front': 1, 'gasped': 1, 'gave': 1, 'gaze': 1, 'gives': 1, 'going': 1, 'good': 1, 'grass': 1, 'grimly': 1, 'gritted': 1, 'gryffindors': 1, 'hagrid': 2, 'hand': 1, 'harry': 8, 'heard': 1, 'heart': 1, 'here': 2, 'hermione': 4, 'himself': 1, 'into': 4, 'keep': 1, 'knock': 1, 'know': 1, 'leaning': 1, 'left': 3, 'length': 1, 'line': 1, 'lives': 1, 'looked': 1, 'makin': 1, 'meet': 1, 'midnight': 1, 'mumbled': 1, 'muttered': 1, 'neatly': 1, 'needed': 1, 'next': 1, 'only': 2, 'others': 1, 'parcel': 1, 'path': 2, 'percy': 1, 'person': 1, 'place': 2, 'places': 1, 'power': 1, 'probably': 1, 'quiet': 1, 'quite': 2, 'really': 1, 'right': 8, 'rocker': 1, 'sagged': 1, 'said': 12, 'says': 1, 'school': 1, 'second': 1, 'section': 1, 'shadow': 1, 'slowed': 1, 'smash': 1, 'snapped': 1, 'somehow': 1, 'sorcerer': 1, 'sounds': 1, 'sparks': 1, 'spell': 1, 'split': 1, 'squares': 1, 'stand': 1, 'standing': 2, 'start': 1, 'stone': 1, 'stop': 1, 'stumped': 1, 'table': 1, 'take': 1, 'talk': 1, 'taste': 1, 'teeth': 1, 'thanks': 1, 'that': 6, 'their': 2, 'them': 3, 'then': 4, 'there': 5, 'they': 2, 'think': 2, 'thirty-seven': 1, 'thought': 1, 'through': 1, 'time': 1, 'took': 1, 'toppled': 1, 'troll': 1, 'turned': 2, 'twins': 1, 'underneath': 1, 'unicorn': 1, 'voice': 1, 'voldemort': 1, 'voldemort.': 1, 'wait': 2, 'walk': 1, 'wands': 1, 'warn': 1, 'warned': 1, 'warning': 1, 'weighing': 1, 'were': 1, 'what': 2, 'witch': 1, 'would': 1, 'yeah': 1, 'you-know-': 1, 'your': 1}), 'heard': Counter({'about': 2, 'after': 1, 'afternoon': 1, 'alley': 1, 'anythin': 1, 'backward': 1, 'banging': 1, 'centaur': 1, 'click': 1, 'closer': 1, 'come': 1, 'could': 2, 'crashes': 1, 'crashing': 1, 'days': 1, 'dead': 1, 'distant': 1, 'dumbledore': 1, 'earlier': 1, 'even': 1, 'exactly': 1, 'familiar': 1, 'family': 1, 'filch': 2, 'flocks': 1, 'footsteps': 2, 'frantic': 1, 'fred': 1, 'from': 1, 'gasped': 1, 'going': 1, 'grunting': 1, 'hagrid': 2, 'hardly': 1, 'harry': 11, 'have': 3, 'here': 1, 'hermione': 2, 'higher': 1, 'himself': 2, 'hogwarts': 2, 'hooves': 1, 'just': 1, 'learned': 1, 'little': 1, 'malfoy': 1, 'money': 1, 'much': 1, 'mutter': 2, 'muttered': 1, 'name': 1, 'never': 5, 'neville': 2, 'none': 1, 'over': 1, 'panicking': 1, 'quick': 1, 'quirrell': 2, 'right': 1, 'said': 3, 'screams': 1, 'seen': 1, 'sharply': 1, 'shoulder': 1, 'shout': 1, 'simply': 1, 'snape': 3, 'somebody': 1, 'someone': 1, 'something': 3, 'sort': 2, 'sound': 1, 'stars': 1, 'story': 1, 'such': 1, 'tell': 1, 'telling': 1, 'their': 1, 'them': 1, 'there': 1, 'they': 14, 'think': 1, 'those': 1, 'uncle': 1, 'until': 2, 'voices': 1, 'walking': 1, 'warn': 1, 'went': 1, 'were': 1, 'werewolves': 1, 'what': 4, 'window': 1, 'wizard': 1, 'woman': 1, 'word': 2, 'yell': 1, 'zooming': 1}), 'stopped': Counter({'away': 1, 'cart': 1, 'chatter': 1, 'corner': 1, 'crying': 1, 'dead': 4, 'draw': 1, 'drawing': 1, 'dudley': 1, 'dursley': 1, 'everyone': 1, 'excellent': 1, 'family': 1, 'feet': 1, 'finally': 2, 'from': 1, 'going': 1, 'harry': 1, 'heart': 1, 'hermione': 1, 'house': 1, 'just': 1, 'last': 2, 'malfoy': 1, 'mcgonagall': 1, 'music': 1, 'next': 1, 'nodded': 1, 'outside': 1, 'parchment': 1, 'passing': 1, 'people': 1, 'pound': 1, 'pretending': 1, 'quickly': 1, 'seemed': 1, 'shocked': 1, 'should': 1, 'someone': 1, 'suddenly': 1, 'talking': 2, 'there': 2, 'they': 3, 'took': 1, 'troll': 2, 'vernon': 2, 'when': 1}), 'dead': Counter({'already': 1, 'back': 1, 'dumbledore': 1, 'eating': 1, 'facing': 1, 'faint': 1, 'family': 1, 'fear': 1, 'first': 1, 'flies': 1, 'floor': 1, 'found': 2, 'full': 1, 'hagrid': 1, 'harry': 2, 'have': 1, 'heard': 1, 'james': 1, 'last': 1, 'leaves': 1, 'listen': 1, 'mice': 1, 'night': 1, 'over': 1, 'people': 1, 'poor': 1, 'rats': 1, 'right': 1, 'said': 1, 'school': 1, 'shows': 1, 'stopped': 4, 'that': 1, 'they': 3, 'think': 1, 'tracks': 1, 'unicorn': 1, 'useful': 1, 'wanted': 1, 'were': 1, 'with': 1}), 'flooded': Counter({'excitement': 1, 'fear': 1, 'into': 1, 'looked': 1, 'owls': 1, 'room': 1, 'suddenly': 1, 'through': 1}), 'looked': Counter({'about': 1, 'allowed': 1, 'alone': 1, 'along': 1, 'already': 1, 'another': 2, 'anyone': 1, 'arguments': 1, 'around': 7, 'arrived': 1, 'back': 5, 'bald': 1, 'barrier': 1, 'bean': 1, 'because': 1, 'been': 1, 'behind': 2, 'both': 2, 'bowl': 1, 'burned': 1, 'came': 1, 'carefully': 2, 'class': 1, 'closely': 1, 'closer': 1, 'convinced': 1, 'could': 1, 'crabbe': 1, 'dangerous': 1, 'desperate': 1, 'distinctly': 1, 'doing': 1, 'door': 2, 'down': 7, 'dragon': 1, 'dudley': 4, 'dudleykins': 1, 'dumbfounded': 1, 'dursley': 1, 'each': 2, 'else': 1, 'even': 2, 'everything': 1, 'excited': 1, 'extremely': 2, 'eyes': 2, 'face': 2, 'fade': 1, 'famous': 1, 'feet': 1, 'fierce': 1, 'figure': 1, 'flint': 1, 'floating': 1, 'flooded': 1, 'floor': 2, 'forest': 1, 'furious': 1, 'giant': 1, 'glanced': 1, 'goblin': 1, 'grandfather': 1, 'green': 1, 'grim': 1, 'hagrid': 11, 'hall': 1, 'handsome': 1, 'harry': 25, 'have': 1, 'head': 3, 'hermione': 6, 'hidden': 1, 'high': 1, 'hogwarts': 2, 'horribly': 1, 'horrified': 1, 'huge': 1, 'indeed': 1, 'instead': 1, 'intently': 1, 'into': 5, 'invisible': 1, 'just': 1, 'lamp': 1, 'lessened': 1, 'life': 1, 'like': 22, 'little': 2, 'looked': 2, 'm-myself': 1, 'malfoy': 3, 'mean': 1, 'mirror': 1, 'moment': 2, 'more': 2, 'move': 1, 'names': 1, 'nerves': 1, 'never': 1, 'neville': 1, 'nicholas': 1, 'norbert': 1, 'occurred': 1, 'over': 5, 'pale': 2, 'past': 1, 'petunia': 1, 'presents': 1, 'pretending': 1, 'quickly': 5, 'quite': 1, 'ready': 1, 'reflection': 1, 'relieved': 1, 'remarkably': 1, 'right': 1, 'ronan': 1, 'said': 2, 'sapphires': 1, 'seat': 1, 'seen': 1, 'shadow': 1, 'shocked': 3, 'shoulder': 1, 'side': 1, 'simply': 1, 'skinny': 1, 'skyward': 1, 'sleepy': 1, 'smiling': 1, 'some': 1, 'someone': 1, 'something': 1, 'spectacular': 1, 'still': 2, 'stood': 1, 'straight': 1, 'strange': 1, 'strangely': 1, 'stumped': 1, 'stunned': 1, 'suddenly': 4, 'swallowed': 1, 'taken': 1, 'tank': 1, 'teacher': 1, 'tearful': 1, 'terrified': 2, 'that': 5, 'their': 1, 'them': 2, 'then': 4, 'they': 10, 'thickset': 1, 'think': 1, 'this': 2, 'though': 9, 'thought': 2, 'through': 1, 'tight': 1, 'tiny': 1, 'toad': 1, 'turned': 1, 'uncomfortable': 1, 'until': 2, 'upward': 1, 'vernon': 1, 'very': 5, 'watch': 1, 'were': 1, 'what': 11, 'when': 1, 'which': 1, 'wide': 1, 'wonderful': 1, 'younger': 1}), 'whisperers': Counter({'back': 1, 'wanted': 1}), 'better': Counter({'anyway': 1, 'back': 2, 'change': 1, 'cloak': 2, 'curse': 1, 'dashed': 1, 'deaths': 1, 'dodge': 1, 'drifted': 1, 'ducking': 1, 'duster': 1, 'even': 1, 'face': 1, 'firenze': 1, 'forest': 1, 'gloomily': 1, 'going': 1, 'growing': 1, 'gryffindor': 2, 'hagrid': 1, 'harry': 1, 'have': 1, 'hermione': 1, 'hufflepuff': 1, 'hurry': 1, 'hurt': 1, 'just': 1, 'knew': 1, 'know': 1, 'last': 1, 'life': 1, 'look': 1, 'lost': 1, 'madam': 1, 'mistake': 1, 'much': 2, 'need': 1, 'percy': 1, 'professor': 1, 'room': 1, 'said': 2, 'save': 1, 'school': 1, 'snape': 1, 'something': 1, 'speak': 1, 'stay': 1, 'sure': 1, 'team': 1, 'than': 9, 'that': 2, 'then': 1, 'they': 2, 'think': 1, 'this': 1, 'thought': 2, 'thrown': 1, 'toad': 1, 'took': 1, 'trying': 1, 'turn': 1, 'what': 1, 'without': 2, 'world': 1, 'would': 1}), 'dashed': Counter({'back': 1, 'better': 1, 'gone': 1, 'harry': 1, 'mirror': 1, 'suddenly': 1}), 'hurried': Counter({'back': 1, 'chamber': 1, 'corridor': 1, 'disgruntled': 1, 'down': 1, 'examine': 1, 'from': 2, 'gryffindors': 1, 'hagrid': 1, 'harry': 1, 'have': 1, 'home': 1, 'honor': 1, 'library': 1, 'look': 1, 'office': 1, 'once': 1, 'over': 1, 'past': 1, 'plates': 1, 'rattled': 1, 'road': 1, 'thanks': 1, 'they': 2, 'through': 1, 'toward': 1}), 'snapped': Counter({'arms': 1, 'aunt': 3, 'back': 2, 'beak': 1, 'before': 1, 'chess': 1, 'down': 1, 'eyes': 1, 'fingers': 2, 'half': 1, 'harry': 1, 'head': 1, 'hermione': 3, 'know': 2, 'majorca': 1, 'make': 1, 'malfoy': 3, 'mrs.': 1, 'office': 1, 'parvati': 1, 'percy': 2, 'questions': 1, 'quirrell': 1, 'right': 1, 'secretary': 1, 'shut': 1, 'sides': 1, 'something': 1, 'stupid': 1, 'taking': 1, 'that': 1, 'they': 2, 'through': 1, 'today': 1, 'uncle': 1, 'wand': 1, 'wave': 1, 'what': 1, 'with': 1}), 'secretary': Counter({'disturb': 1, 'snapped': 1}), 'disturb': Counter({'long': 1, 'secretary': 1, 'seized': 1, 'trying': 1}), 'seized': Counter({'broomstick': 1, 'cloak': 1, 'disturb': 1, 'each': 1, 'flint': 1, 'fred': 1, 'hagrid': 3, 'hand': 1, 'harry': 3, 'hermione': 2, 'irritably': 1, 'left': 1, 'letter': 1, 'malfoy': 1, 'package': 1, 'prefect': 1, 'quaffle': 1, 'roll': 1, 'telephone': 1, 'umbrella': 1, 'vernon': 1}), 'almost': Counter({'again': 1, 'asleep': 2, 'astride': 1, 'back': 1, 'bald': 1, 'barrier': 1, 'became': 1, 'becoming': 1, 'being': 1, 'blinding': 1, 'broke': 1, 'clearing': 1, 'completely': 1, 'criticizing': 1, 'dark': 1, 'destroyed': 1, 'drag': 1, 'drop': 1, 'dursleys': 1, 'everyone': 1, 'exactly': 1, 'face': 1, 'fell': 2, 'finished': 1, 'flew': 1, 'forgotten': 3, 'given': 1, 'glad': 1, 'goyle': 1, 'granger': 1, 'hagrid': 1, 'hand': 1, 'hang': 1, 'hard': 1, 'harry': 2, 'hermione': 1, 'hidden': 1, 'house': 1, 'impossible': 3, 'jumped': 1, 'knocked': 1, 'like': 1, 'many': 1, 'mcgonagall': 1, 'minutes': 1, 'nervous': 1, 'nose': 1, 'once': 2, 'peeves': 1, 'quickly': 1, 'reached': 1, 'reason': 1, 'scar': 1, 'short': 1, 'skipping': 1, 'soon': 1, 'speechless': 1, 'stolen': 1, 'stool': 2, 'stumbled': 1, 'stupid': 1, 'table': 1, 'taking': 1, 'tall': 1, 'telephone': 1, 'that': 2, 'them': 1, 'there': 1, 'they': 3, 'time': 1, 'told': 1, 'tonight': 1, 'took': 1, 'twice': 1, 'unbearable': 1, 'unseated': 1, 'were': 1, 'which': 1, 'whole': 1, 'wood': 1, 'worked': 1, 'years': 1}), 'finished': Counter({'about': 1, 'almost': 1, 'applause': 1, 'breathlessly': 1, 'calling': 1, 'dialing': 1, 'everybody': 1, 'exams': 1, 'harry': 3, 'just': 2, 'means': 1, 'must': 1, 'once': 1, 'school': 1, 'smiling': 1, 'snape': 1, 'song': 2, 'telling': 1, 'they': 1, 'those': 1, 'when': 2}), 'dialing': Counter({'finished': 1, 'home': 1}), 'home': Counter({'again': 1, 'came': 1, 'cupboard': 1, 'dear': 1, 'dialing': 1, 'dursleys': 1, 'every': 1, 'eyes': 1, 'from': 1, 'going': 1, 'hoping': 1, 'hurried': 1, 'just': 1, 'like': 1, 'looking': 1, 'magic': 1, 'malfoy': 1, 'moved': 1, 'nailed': 1, 'nearer': 1, 'number': 1, 'report': 1, 'said': 2, 'stayed': 2, 'than': 1, 'told': 1, 'tomorrow': 2, 'train': 1, 'want': 1, 'wanted': 1, 'what': 1, 'which': 1, 'yerselves': 1}), 'changed': Counter({'already': 1, 'color': 1, 'desk': 1, 'expression': 1, 'from': 1, 'hagrid': 1, 'hardly': 1, 'have': 1, 'into': 1, 'mind': 3, 'mouth': 1, 'rose': 1, 'subject': 1, 'suddenly': 1, 'that': 1, 'their': 1, 'then': 1, 'this': 1, 'toward': 1, 'when': 1}), 'receiver': Counter({'back': 1, 'mind': 1}), 'stroked': Counter({'beard': 1, 'door': 1, 'down': 1, 'importantly': 1, 'mustache': 1, 'umbrella': 1}), 'being': Counter({'able': 1, 'almost': 1, 'alone': 1, 'balloon': 1, 'bear': 1, 'caught': 1, 'clouted': 1, 'creeping': 1, 'danger': 1, 'downright': 1, 'expelled': 1, 'father': 1, 'fitted': 1, 'found': 1, 'frightened': 1, 'from': 3, 'frying': 1, 'harry': 2, 'hufflepuff': 1, 'hugged': 1, 'ignored': 1, 'imagine': 1, 'invisible': 2, 'kept': 1, 'left': 1, 'life': 1, 'like': 1, 'made': 2, 'most': 1, 'mouse': 1, 'nearsighted': 1, 'people': 1, 'picked': 1, 'prodded': 1, 'realize': 1, 'reasons': 1, 'remember': 1, 'remembered': 1, 'roaming': 1, 'seem': 1, 'share': 1, 'sister': 1, 'snitch': 1, 'solid': 1, 'speared': 1, 'stove': 1, 'stupid': 2, 'tallest': 1, 'taught': 1, 'their': 1, 'thinking': 1, 'though': 1, 'trodden': 1, 'trouble': 1, 'truly': 1, 'upset': 1, 'used': 1, 'watched': 2, 'weeks': 1, 'were': 1, 'what': 1, 'when': 1, 'with': 2, 'without': 1, 'woken': 1, 'worth': 1, 'young': 1, 'your': 1}), 'unusual': Counter({'anythin': 2, 'combination': 1, 'funny': 1, 'mars': 1, 'name': 1, 'nearer': 1, 'such': 1, 'that': 1, 'wonder': 1}), 'name': Counter({'aconite': 1, 'again': 1, 'albus': 2, 'asleep': 1, 'been': 1, 'boots': 1, 'call': 1, 'called': 1, 'calling': 1, 'carry': 1, 'common': 1, 'dedalus': 1, 'diggle': 1, 'ever': 1, 'everyone': 1, 'exactly': 1, 'famous': 1, 'fear': 1, 'firenze': 1, 'flamel': 1, 'found': 1, 'from': 1, 'funny': 1, 'gave': 1, 'gives': 1, 'goes': 1, 'hagrid': 2, 'harry': 2, 'have': 1, 'heard': 1, 'heaven': 1, 'hedwig': 1, 'help': 1, 'hissed': 1, 'hogwarts': 1, 'increases': 1, 'know': 4, 'knowin': 1, 'knows': 1, 'looking': 1, 'malfoy': 1, 'more': 1, 'parents': 1, 'picture': 1, 'please': 1, 'potter': 1, 'proper': 2, 'read': 3, 'said': 5, 'sayin': 1, 'saying': 3, 'scabbers': 1, 'somewhere': 3, 'stop': 1, 'stupid': 1, 'sure': 1, 'tags': 1, 'things': 1, 'think': 1, 'this': 4, 'unusual': 1, 'voldemort': 3, 'what': 2, 'when': 1, 'will': 1, 'worse': 1, 'you-know-who': 1, 'your': 2}), 'sure': Counter({'able': 1, 'about': 1, 'again': 1, 'anyone': 1, 'asleep': 1, 'better': 1, 'coats': 1, 'could': 4, 'covers': 1, 'dursleys': 1, 'enough': 1, 'even': 1, 'everything': 1, 'expelled': 1, 'face': 1, 'firenze': 1, 'first': 1, 'fred': 1, 'give': 1, 'harry': 5, 'knew': 1, 'leaned': 1, 'liked': 1, 'lost': 1, 'made': 1, 'make': 7, 'making': 1, 'mirror': 1, 'moment': 1, 'name': 1, 'nephew': 1, 'nervously': 1, 'once': 1, 'peeves': 1, 'penalty': 1, 'play': 1, 'professor': 1, 'proof': 1, 'quidditch': 1, 'quite': 2, 'read': 1, 'said': 1, 'same': 1, 'seems': 1, 'shivered': 1, 'snake': 1, 'still': 1, 'that': 3, 'there': 2, 'they': 3, 'this': 1, 'though': 1, 'thrown': 1, 'unsettled': 1, 'voice': 1, 'walked': 1, 'wall': 1, 'wanted': 1, 'well': 1, 'were': 5, 'which': 1, 'would': 1, 'young': 1}), 'lots': Counter({'been': 1, 'bushy': 1, 'come': 1, 'crate': 1, 'else': 1, 'harry': 1, 'late': 1, 'must': 1, 'people': 2, 'pictures': 1, 'rats': 1, 'today': 1, 'tomorrow': 1, 'voice': 1, 'were': 1}), 'come': Counter({"'quidditch": 1, 'able': 1, 'about': 1, 'across': 2, 'ahead': 1, 'angelina': 1, 'anywhere': 1, 'around': 2, 'asked': 1, 'back': 9, 'breathe': 1, 'bring': 1, 'broomstick': 1, 'bursting': 2, 'called': 1, 'chapter': 1, 'cheer': 1, 'christmas': 1, 'close': 1, 'come': 2, 'could': 3, 'crash': 1, 'crossly': 1, 'dear': 1, 'decided': 1, 'demanded': 1, 'directly': 1, 'down': 1, 'dreams': 1, 'dudley': 2, 'dumbledore': 2, 'dursley': 1, 'enough': 1, 'everyone': 1, 'everythin': 1, 'fall': 1, 'feet': 1, 'fetch': 1, 'find': 1, 'finish': 1, 'first': 1, 'fluffy': 1, 'from': 6, 'george': 1, 'goblin': 1, 'gone': 1, 'granger': 1, 'great': 1, 'hagrid': 1, 'handy': 1, 'harder': 1, 'harry': 5, 'have': 3, 'hear': 1, 'heard': 1, 'help': 1, 'here': 4, 'hermione': 2, 'hoping': 1, 'hurry': 1, 'interfering': 1, 'just': 1, 'kept': 1, 'knocking': 1, 'later': 1, 'leave': 1, 'legs': 1, 'lemon': 1, 'lies': 1, 'like': 1, 'lips': 1, 'listen': 1, 'live': 1, 'look': 1, 'lots': 1, 'mcgonagall': 2, 'meet': 1, 'mighta': 1, 'mistaken': 1, 'movements': 1, 'must': 1, 'mutter': 1, 'near': 1, 'noticing': 1, 'ollivander': 1, 'path': 1, 'pelting': 1, 'people': 2, 'percy': 2, 'petunia': 1, 'piece': 1, 'places': 1, 'potter': 5, 'prefect': 1, 'pulled': 1, 'quickly': 2, 'right': 1, 'round': 2, 'said': 4, 'scars': 1, 'seemed': 2, 'shall': 1, 'snape': 1, 'sparks': 1, 'stay': 1, 'sticky': 1, 'still': 1, 'straight': 1, 't-t-to': 1, 'take': 1, 'than': 1, 'thanksss': 1, 'that': 2, 'them': 1, 'then': 2, 'they': 3, 'think': 2, 'three': 1, 'time': 1, 'told': 1, 'tonight': 1, 'true': 1, 'upstairs': 1, 'vacuum': 1, 'voldemort': 1, 'want': 1, 'watch': 1, 'wearing': 1, 'what': 3, 'where': 1, 'whispered': 1, 'wing': 1, 'with': 3, 'world': 1, 'would': 1, 'years': 1, 'youth': 1}), 'nephew': Counter({'called': 1, 'front': 1, 'sure': 1, 'their': 1}), 'harvey': Counter({'been': 1, 'harold': 1}), 'harold': Counter({'harvey': 1, 'there': 1}), 'point': Counter({'another': 1, 'beating': 1, 'breaking': 1, 'dudley': 1, 'dumbledore': 1, 'gryffindor': 1, 'gryffindors': 1, 'happy': 1, 'harry': 1, 'lost': 1, 'more': 1, 'most': 1, 'mrs.': 1, 'much': 1, 'reached': 1, 'rude': 1, 'said': 1, 'some': 1, 'taste': 1, 'there': 2, 'through': 1, 'umbrella': 1, 'unfolding': 1, 'will': 1, 'with': 2, 'worrying': 1}), 'worrying': Counter({'been': 1, 'lately': 1, 'mrs.': 1, 'point': 1, 'what': 1, 'without': 1}), 'upset': Counter({'always': 1, 'angry': 1, 'been': 2, 'being': 1, 'could': 1, 'hermione': 1, 'mention': 1, 'seem': 1, 'today': 1}), 'mention': Counter({'anything': 1, 'could': 1, 'dare': 1, 'determined': 1, 'grateful': 1, 'hagrid': 1, 'hogwarts': 1, 'platform': 1, 'quirrell': 1, 'said': 1, 'second': 1, 'sister': 1, 'that': 1, 'this': 1, 'upset': 1, 'wanted': 1}), 'blame': Counter({'back': 1, 'could': 1, 'said': 1, 'sense': 1, 'sister': 2, 'them': 2}), 'same': Counter({'again': 1, 'along': 1, 'been': 2, 'bein': 1, 'bluebell': 1, 'called': 1, 'course': 1, 'crying': 1, 'dream': 1, 'emptied': 1, 'exactly': 3, 'feeling': 1, 'hagrid': 1, 'have': 1, 'heavy': 1, 'hermione': 1, 'instant': 1, 'just': 4, 'league': 1, 'lines': 1, 'markings': 1, 'meddling': 1, 'meet': 1, 'mustache': 1, 'neck': 1, 'night': 1, 'plant': 1, 'politer': 1, 'purple': 1, 'question': 1, 'quite': 1, 'room': 1, 'rose': 1, 'said': 1, 'same': 2, 'sent': 1, 'shape': 1, 'since': 1, 'slytherin': 1, 'snape': 1, 'stay': 1, 'sure': 1, 'telling': 1, 'that': 2, 'them': 1, 'they': 3, 'thing': 2, 'thinking': 2, 'those': 1, 'thought': 1, 'tidy': 1, 'time': 2, 'vanished': 1, 'wands': 1, 'were': 1, 'what': 1, 'with': 1, 'written': 1, 'your': 3}), 'those': Counter({'been': 1, 'blink': 1, 'brooms': 1, 'clapped': 1, 'class': 1, 'clearly': 1, 'cold': 1, 'could': 1, 'cunning': 1, 'deafening': 1, 'different': 1, 'finished': 1, 'friends': 1, 'greed': 1, 'happened': 1, 'heard': 1, 'into': 1, 'last': 1, 'learning': 1, 'leave': 1, 'letters': 2, 'loyal': 1, 'misty': 1, 'patient': 1, 'people': 3, 'points': 1, 'power': 1, 'precisely': 1, 'rare': 1, 'read': 1, 'reflected': 1, 'said': 1, 'same': 1, 'silvery': 1, 'some': 1, 'stand': 1, 'take': 1, 'them': 1, 'things': 1, 'this': 1, 'thunderous': 1, 'times': 1, 'warned': 1, 'weak': 1, 'what': 1, 'where': 1, 'willing': 1, 'with': 1, 'wizarding': 1}), 'afternoon': Counter({'bite': 1, 'burst': 1, 'events': 1, 'excitement': 1, 'good': 3, 'happy': 1, 'harry': 3, 'having': 1, 'heard': 1, 'hermione': 1, 'hung': 1, 'late': 1, 'library': 1, 'next': 1, 'said': 2, 'seen': 1, 'that': 4, 'their': 1, 'this': 1, 'though': 1, 'throwing': 1, 'uncle': 1, 'when': 1, 'wood': 1}), 'building': Counter({'could': 1, 'five': 1, 'head': 1, 'left': 1, 'that': 1, 'white': 1}), "o'clock": Counter({'drew': 1, 'eleven': 6, 'five': 2, 'guard': 1, 'harry': 1, 'morning': 1, 'next': 2, 'rang': 1, 'read': 1, 'seven': 2, 'still': 1, 'that': 1, 'tonight': 1, 'tower': 1, 'whole': 1, 'your': 1}), 'still': Counter({"'smatter": 1, 'abou': 1, 'again': 1, 'alive': 1, 'ashen-faced': 1, 'been': 1, 'black': 1, 'both': 1, 'broomstick': 1, 'carts': 1, 'chains': 1, 'cheering': 1, 'cold': 1, 'come': 1, 'commentating': 1, 'completely': 1, 'could': 2, 'couple': 1, 'daring': 1, 'dark': 1, 'detentions': 1, 'determined': 1, 'difficult': 1, 'discussing': 1, 'evil': 1, 'eyes': 1, 'facedown': 1, 'famous': 1, 'feet': 1, 'fire': 1, 'first-year': 1, 'flat': 1, 'flint': 1, 'fluffy': 3, 'food': 1, 'garden': 1, 'glowing': 1, 'growling': 1, 'gryffindor': 1, 'happily': 1, 'harry': 6, 'have': 2, 'head': 1, 'high': 1, 'higher': 1, 'hired': 1, 'hogwarts': 2, 'house': 1, 'howling': 1, 'ignored': 1, 'ignoring': 1, 'inside': 1, 'jordan': 1, 'kitchen': 1, 'laughter': 1, 'letter': 1, 'letters': 1, 'like': 1, 'look': 1, 'looked': 2, 'lookin': 1, 'looking': 1, 'malfoy': 1, 'meanwhile': 1, 'melted': 1, 'more': 1, 'move': 1, 'mustached': 2, 'muttering': 1, 'neville': 1, 'nose': 1, "o'clock": 1, 'office': 1, 'open': 1, 'paper': 1, 'people': 2, 'pieces': 1, 'pink': 1, 'playing': 1, 'possession': 1, 'potter': 2, 'professor': 1, 'purple-faced': 2, 'questions': 1, 'quite': 5, 'raised': 1, 'really': 2, 'reckon': 1, 'ringing': 1, 'rising': 1, 'roof': 1, 'room': 1, 'safe': 1, 'scared': 1, 'seem': 1, 'shaking': 1, 'shoulder': 1, 'shrieks': 1, 'silent': 1, 'single-handed': 1, 'sinking': 1, 'sitting': 1, 'slippers': 1, 'slytherins': 1, 'snape': 1, 'snoozing': 1, 'snow': 1, 'socks': 1, 'some': 1, 'sorry': 1, 'spots': 1, 'standing': 1, 'staring': 3, 'statue': 2, 'stone': 1, 'streaming': 1, 'sure': 1, 'suspicious': 1, 'talk': 1, 'talking': 1, 'tent': 1, 'there': 10, 'they': 3, 'think': 1, 'though': 1, 'toad': 1, 'unseated': 1, 'vernon': 2, 'very': 2, 'wand': 2, 'wearing': 1, 'well': 1, 'were': 8, 'which': 1, 'while': 1, 'witches': 1, 'wonderful': 1, 'worried': 1, 'yeah': 2}), 'worried': Counter({'about': 2, 'angry': 1, 'been': 1, 'could': 1, 'dumbledore': 1, 'extremely': 1, 'flitwick': 1, 'grim': 1, 'harry': 1, 'looking': 1, 'news': 1, 'said': 1, 'seem': 1, 'still': 1, 'stone': 1, 'that': 1, 'they': 1, 'think': 1, 'very': 1, 'voice': 1, 'whole': 1}), 'walked': Counter({'around': 1, 'away': 3, 'back': 3, 'bane': 1, 'black': 1, 'board': 1, 'break': 1, 'chamber': 1, 'chessmen': 1, 'clapped': 1, 'down': 4, 'dursley': 1, 'everyone': 1, 'fast': 1, 'five': 1, 'flight': 1, 'forward': 2, 'front': 1, 'give': 1, 'harry': 5, 'have': 2, 'hermione': 1, 'inside': 1, 'into': 1, 'library': 1, 'middle': 1, 'more': 2, 'nearly': 1, 'neville': 1, 'nothing': 1, 'onto': 1, 'over': 2, 'past': 2, 'pieces': 1, 'polkiss': 1, 'quickly': 1, 'relief': 1, 'round': 1, 'seen': 1, 'shakily': 1, 'silence': 1, 'sliding': 1, 'straight': 4, 'street': 1, 'sure': 1, 'sweet': 1, 'that': 1, 'then': 2, 'there': 1, 'they': 14, 'through': 2, 'took': 1, 'toward': 1, 'turned': 2, 'wall': 1, 'white': 1, 'with': 1}), 'straight': Counter({'answer': 1, 'back': 2, 'barrier': 1, 'bounded': 1, 'broom': 1, 'come': 1, 'down': 1, 'fluffy': 1, 'follow': 1, 'gone': 1, 'harry': 1, 'headed': 1, 'herbology': 1, 'into': 4, 'irritably': 1, 'like': 1, 'looked': 1, 'looking': 2, 'music': 1, 'neat': 1, 'owlery': 2, 'past': 2, 'pelted': 1, 'rising': 1, 'sleep': 1, 'snape': 1, 'sped': 1, 'started': 1, 'third': 1, 'through': 2, 'toppled': 1, 'troll': 1, 'turban': 1, 'twigs': 1, 'walk': 1, 'walked': 4, 'went': 2, 'window': 1}), 'someone': Counter({'after': 1, 'already': 1, 'belonged': 1, 'called': 1, 'complain': 1, 'course': 1, 'cross': 1, 'door': 1, 'downstairs': 1, 'else': 2, 'find': 1, 'finds': 1, 'forgotten': 1, 'going': 2, 'have': 2, 'heard': 1, 'hinge': 1, 'hogwarts': 1, 'honestly': 1, 'into': 1, 'just': 2, 'knew': 4, 'knocked': 1, 'less': 1, 'longbottom': 1, 'looked': 1, 'lookin': 1, 'looking': 1, 'matter': 1, 'muggles': 1, 'obviously': 1, 'ouch': 1, 'outside': 1, 'poked': 1, 'practice': 1, 'room': 1, 'speak': 1, 'standing': 1, 'stopped': 1, 'take': 2, 'tell': 1, 'that': 2, 'there': 3, 'this': 1, 'though': 1, 'threatening': 1, 'tried': 2, 'when': 2, 'yeah': 1}), 'door': Counter({'again': 1, 'ahead': 1, 'ajar': 1, 'alone': 1, 'already': 1, 'another': 2, 'away': 1, 'back': 1, 'behind': 5, 'between': 1, 'bolted': 1, 'both': 1, 'buying': 1, 'castle': 1, 'catch': 1, 'chapter': 1, 'check': 1, 'clicked': 1, 'clock': 1, 'compartment': 4, 'corridor': 1, 'could': 2, 'creaked': 1, 'crept': 1, 'cupboard': 1, 'dashing': 1, 'demanded': 1, 'done': 1, 'dormitory': 1, 'ears': 1, 'empty': 1, 'even': 1, 'everyone': 1, 'fitted': 1, 'fixed': 1, 'flame': 1, 'floor': 1, 'flung': 1, 'fred': 1, 'front': 7, 'gamekeeper': 1, 'gently': 1, 'green': 1, 'hammering': 1, 'hand': 1, 'handle': 1, 'harry': 5, 'heaved': 1, 'held': 1, 'helplessly': 1, 'into': 1, 'kitchen': 1, 'knock': 1, 'knocked': 1, 'knocking': 1, 'laid': 1, 'leaving': 1, 'lock': 2, 'locked': 4, 'looked': 2, 'looking': 2, 'make': 1, 'milk': 1, 'moment': 1, 'mouths': 1, 'neighbor': 1, 'next': 6, 'nothing': 1, 'open': 11, 'opened': 1, 'outside': 2, 'over': 1, 'passage': 1, 'peering': 1, 'picked': 1, 'poked': 1, 'problems': 1, 'pull': 1, 'pulled': 4, 'pushed': 3, 'quickly': 1, 'quietly': 1, 'rapped': 1, 'reached': 2, 'read': 1, 'right': 1, 'round': 1, 'said': 2, 'second': 1, 'separating': 1, 'shut': 5, 'shutting': 1, 'slam': 1, 'slammed': 5, 'sleeping': 1, 'slid': 2, 'slotted': 1, 'small': 1, 'smash': 1, 'somehow': 1, 'someone': 1, 'sorry': 1, 'sorting': 1, 'spoke': 1, 'staring': 1, 'stood': 2, 'stroked': 1, 'struggling': 1, 'sweltering': 1, 'swung': 2, 'that': 1, 'their': 3, 'there': 1, 'they': 1, 'think': 1, 'this': 1, 'threw': 1, 'through': 10, 'tiny': 1, 'toward': 3, 'train': 1, 'trapped': 1, 'tried': 1, 'turned': 1, 'under': 1, 'unlocked': 1, 'untouched': 1, 'voldemort': 1, 'waiting': 1, 'wake': 1, 'went': 1, 'were': 1, 'when': 2, 'wide': 1, 'with': 1, 'wooden': 2, 'would': 1, 'writing': 1}), 'sorry': Counter({'about': 1, 'came': 1, 'curious..': 1, 'dear': 1, 'door': 1, 'excuse': 1, 'feel': 4, 'felt': 1, 'finger': 1, 'foghorn': 1, 'george': 2, 'grunted': 1, 'hagrid': 2, 'happened': 1, 'harry': 4, 'himself': 1, 'idiot': 1, 'jordan': 1, 'knew': 1, 'knocked': 1, 'malfoy': 1, 'mean': 2, 'neville': 2, 'professor': 1, 'really': 1, 'said': 7, 'shocked': 1, 'should': 1, 'sold': 1, 'sounding': 1, 'stairs': 1, 'stare': 1, 'still': 1, 'stop': 1, 'tearful': 1, 'that': 1, 'there': 1, 'they': 1, 'this': 1, 'vol-': 2, 'weasley': 1, 'you-know-who': 1, 'your': 1}), 'grunted': Counter({'again': 1, 'hagrid': 2, 'into': 1, 'know': 1, 'like': 1, 'offered': 1, 'show': 1, 'sleep': 1, 'sorry': 1, 'time': 1, 'tiny': 1, 'vernon': 2}), 'tiny': Counter({'about': 1, 'bludgers': 1, 'bottle': 1, 'could': 1, 'dark': 1, 'door': 1, 'drinking': 1, 'glasses': 1, 'golden': 1, 'grubby-looking': 1, 'grunted': 1, 'holding': 1, 'hope': 1, 'icicles': 1, 'inside': 1, 'little': 1, 'looked': 1, 'making': 1, 'mind': 1, 'pinpricks': 1, 'place': 2, 'stumbled': 1, 'teacher': 1, 'violet': 1, 'were': 2, 'with': 1}), 'stumbled': Counter({'almost': 1, 'backward': 2, 'legs': 1, 'line': 1, 'note': 1, 'pigtails': 1, 'tiny': 1}), 'seconds': Counter({'after': 1, 'another': 1, 'before': 2, 'boys': 1, 'close': 1, 'fell': 1, 'fire': 1, 'grayish': 1, 'have': 1, 'later': 2, 'matter': 2, 'over': 1, 'silence': 1, 'snape': 1, 'sound': 1, 'stared': 1, 'then': 1, 'there': 1, 'thirty': 2, 'though': 1, 'twenty': 1, 'wheezing': 1, 'whispered': 1, 'whole': 1, 'within': 2}), 'before': Counter({"'quidditch": 1, 'although': 1, 'answered': 1, 'anyway': 1, 'asked': 1, 'attacked': 1, 'aunt': 2, 'away': 1, 'back': 1, 'because': 1, 'been': 1, 'begin': 1, 'bite': 1, 'blistering': 1, 'book': 1, 'called': 1, 'caught': 1, 'clean': 1, 'collapsed': 1, 'coming': 1, 'could': 6, 'dashing': 1, 'declared': 1, 'died': 1, 'done': 1, 'draco': 1, 'dream': 1, 'dropped': 1, 'dudley': 1, 'duel': 1, 'dursley': 1, 'empty': 1, 'england': 1, 'entranced': 1, 'even': 2, 'exams': 1, 'except': 1, 'eyes': 2, 'famous': 1, 'father': 1, 'fell': 1, 'felt': 1, 'find': 1, 'forward': 1, 'from': 1, 'game': 1, 'goes': 1, 'going': 1, 'gryffindor': 1, 'hagrid': 2, 'happened': 1, 'hard': 1, 'harry': 7, 'have': 2, 'herself': 1, 'high': 1, 'hogwarts': 2, 'holidays': 1, 'homework': 1, 'hoped': 1, 'hour': 1, 'house': 1, 'hundreds': 2, 'hurt': 1, 'indeed': 1, 'inside': 1, 'just': 2, 'least': 1, 'leave': 1, 'left': 1, 'lies': 1, 'light': 1, 'like': 1, 'london': 1, 'look': 1, 'looks': 1, 'lunch': 1, 'making': 1, 'malfoy': 2, 'managed': 1, 'meals': 1, 'midnight': 1, 'minute': 1, 'miss': 1, 'mist': 1, 'moment': 1, 'moved': 1, 'much': 2, 'muggles': 1, 'nervous': 1, 'never': 1, 'next': 1, 'nicer': 1, 'night': 2, 'notes': 1, 'noticed': 1, 'okay': 1, 'other': 1, 'paces': 1, 'passageway': 1, 'pieces': 1, 'pierced': 1, 'plant': 1, 'possession': 1, 'private': 1, 'probably': 1, 'quaffle': 1, 'quick': 1, 'quills': 1, 'quirrell': 1, 'read': 2, 'remembered': 4, 'removed': 1, 'right': 1, 'said': 1, 'seconds': 2, 'seen': 3, 'share': 1, 'shortly': 1, 'shutting': 1, 'side': 1, 'sing': 1, 'sink': 1, 'snape': 2, 'snapped': 1, 'somewhere': 1, 'stadium': 1, 'standing': 1, 'starting': 2, 'stone': 2, 'study': 1, 'suppose': 1, 'take': 1, 'taking': 1, 'term': 1, 'than': 1, 'that': 2, 'their': 1, 'them': 6, 'then': 2, 'they': 6, 'thing': 1, 'think': 1, 'thought': 1, 'toast': 1, 'toward': 1, 'train': 1, 'trouble': 2, 'twig': 1, 'visited': 1, 'waffle': 1, 'walk': 1, 'walking': 1, 'wanted': 1, 'wears': 1, 'week': 3, 'went': 1, 'were': 1, 'werewolves': 1, 'what': 1, 'while': 2, 'whistle': 1, 'windows': 1, 'with': 1, 'wrongly': 1, 'year': 1}), 'realized': Counter({'around': 1, 'dursley': 1, 'expect': 1, 'fierce': 1, 'found': 1, 'harry': 3, 'hungry': 1, 'just': 1, 'loudly': 1, 'mouth': 1, 'must': 1, 'only': 1, 'soon': 1, 'suddenly': 2, 'that': 6, 'then': 2, 'they': 3, 'what': 4, 'when': 1, 'where': 1}), 'violet': Counter({'bowed': 1, 'cloak': 1, 'flash': 1, 'light': 1, 'tiny': 1, 'wearing': 1}), 'seem': Counter({'being': 1, 'cats': 1, 'cloak': 1, 'does': 1, 'dumbledore': 1, 'easy': 1, 'even': 1, 'flamel': 1, 'followed': 1, 'getting': 1, 'going': 1, 'have': 2, 'hear': 1, 'hermione': 1, 'interested': 1, 'like': 1, 'must': 1, 'notice': 1, 'quite': 1, 'realize': 2, 'slowing': 1, 'something': 1, 'still': 1, 'they': 1, 'train': 1, 'type': 1, 'upset': 1, 'vernon': 1, 'very': 1, 'worried': 1}), 'knocked': Counter({'accidentally': 1, 'again': 2, 'almost': 1, 'answer': 1, 'backward': 1, 'been': 3, 'bent': 1, 'bike': 1, 'coulda': 1, 'door': 1, 'down': 1, 'fist': 1, 'ground': 1, 'hand': 1, 'harry': 2, 'into': 1, 'nose': 1, 'over': 2, 'professor': 1, 'said': 1, 'shaking': 1, 'someone': 1, 'sorry': 1, 'staffroom': 1, 'there': 1, 'they': 3, 'three': 1, 'vernon': 1, 'with': 1}), 'ground': Counter({'across': 1, 'admiring': 1, 'against': 1, 'along': 1, 'back': 2, 'bitterly': 1, 'caught': 1, 'contrary': 1, 'could': 1, 'covered': 1, 'down': 1, 'dudley': 1, 'every': 1, 'eyes': 1, 'falling': 1, 'fast': 1, 'feet': 2, 'from': 4, 'gleaming': 1, 'hagrid': 1, 'hard': 1, 'harry': 4, 'hermione': 1, 'high-heeled': 1, 'knight': 1, 'knocked': 1, 'left': 1, 'letter': 1, 'like': 2, 'lines': 1, 'madam': 1, 'managed': 1, 'money': 1, 'morning': 1, 'nervously': 1, 'neville': 2, 'over': 1, 'pawed': 2, 'popped': 1, 'pushed': 1, 'said': 1, 'shinin': 1, 'silvery': 1, 'slumped': 1, 'soared': 1, 'swept': 1, 'tail': 1, 'they': 1, 'toward': 3, 'what': 1, 'when': 1, 'with': 1, 'wood': 1, 'wrestling': 1, 'your': 1}), 'contrary': Counter({'bolt': 1, 'face': 1, 'ground': 1, 'soothe': 1}), 'face': Counter({'aaaargh': 1, 'added': 1, 'albus': 1, 'almost': 1, 'appeared': 1, 'arms': 1, 'beamed': 1, 'become': 1, 'better': 1, 'black': 1, 'blank': 1, 'blistering': 1, 'bludger': 1, 'boys': 1, 'buried': 1, 'burying': 1, 'c-c-ca': 1, 'called': 2, 'clever': 1, 'cliff': 1, 'contrary': 1, 'covered': 1, 'disappeared': 1, 'doorway': 1, 'drain': 1, 'dumbledore': 1, 'during': 1, 'everyone': 1, 'evil': 1, 'fell': 2, 'filch': 1, 'fire': 1, 'flat': 2, 'forced': 1, 'from': 2, 'gaunt': 1, 'glancing': 1, 'glasses': 1, 'glimpse': 1, 'going': 1, 'great': 1, 'grin': 1, 'hagrid': 1, 'hair': 1, 'hairy': 3, 'hands': 2, 'hard': 1, 'harry': 9, 'hermione': 1, 'into': 1, 'kept': 2, 'knobbly': 1, 'laughter': 1, 'leapt': 1, 'like': 2, 'logic': 1, 'look': 3, 'looked': 2, 'loomed': 1, 'malfoy': 5, 'most': 2, 'mother': 1, 'much': 1, 'never': 1, 'neville': 2, 'over': 1, 'pale': 1, 'pink': 1, 'pointed': 2, 'presents': 1, 'purple': 2, 'quirrell': 2, 'really': 1, 'redder': 1, 'right': 2, 'robes': 1, 'rolled': 1, 'said': 2, 'scar': 1, 'scared': 1, 'screwed': 1, 'seat': 1, 'shadowy': 1, 'sharply': 1, 'showed': 1, 'smiled': 1, 'smiling': 3, 'snape': 4, 'snarled': 1, 'sneering': 1, 'sobbed': 1, 'sometimes': 1, 'spite': 1, 'split': 1, 'standing': 1, 'startled': 1, 'stern': 1, 'stiff': 1, 'stunned': 1, 'stuttering': 1, 'sure': 1, 'sweat': 1, 'tear-streaked': 1, 'terrible': 1, 'terror': 1, 'that': 2, 'there': 1, 'they': 2, 'thin': 1, 'this': 1, 'toward': 1, 'turned': 2, 'turns': 1, 'twisted': 1, 'twitching': 1, 'uncle': 2, 'voldemort': 1, 'wailed': 1, 'weeks': 1, 'well': 2, 'went': 1, 'what': 1, 'when': 1, 'wherever': 1, 'whispered': 1, 'white': 2, 'with': 3, 'wore': 1, 'yeah': 1, 'young': 1}), 'split': Counter({'about': 1, 'face': 1, 'inter': 1, 'into': 1, 'lurch': 1, 'noise': 1, 'open': 1, 'right': 1, 'second': 1, 'shriek': 1, 'silence': 1, 'yelled': 1}), 'wide': Counter({'door': 1, 'entrance': 1, 'eyes': 1, 'hogwarts': 1, 'into': 1, 'like': 1, 'looked': 1, 'mouth': 1, 'nostrils': 1, 'nothing': 1, 'open': 1, 'opened': 2, 'opening': 1, 'pale': 1, 'smile': 1, 'sweeping': 1, 'that': 1, 'them': 2, 'times': 1, 'were': 1, 'with': 1, 'would': 1}), 'smile': Counter({'about': 1, 'caught': 1, 'class': 1, 'crinkled': 1, 'forced': 1, 'into': 1, 'kind': 1, 'left': 1, 'lurking': 1, 'more': 1, 'nastier': 1, 'rare': 1, 'said': 1, 'small': 1, 'sort': 1, 'started': 1, 'tabby': 1, 'time': 1, 'turned': 1, 'twisted': 1, 'unwrapped': 1, 'weak': 1, 'were': 1, 'which': 1, 'wide': 1, 'worry': 1}), 'squeaky': Counter({'said': 1, 'voice': 1}), 'voice': Counter({'again': 2, 'angry': 1, 'answered': 2, 'bane': 1, 'began': 1, 'cackled': 1, 'calm': 1, 'came': 2, 'cracking': 1, 'difficult': 1, 'dirt': 1, 'down': 1, 'drawling': 1, 'dropping': 1, 'echoed': 1, 'eyes': 1, 'familiar': 1, 'fear': 1, 'filch': 2, 'firs': 1, 'flattering': 1, 'found': 3, 'from': 2, 'fury': 1, 'george': 1, 'getting': 1, 'girl': 1, 'gloomy': 1, 'greasy': 1, 'hagrid': 2, 'harry': 2, 'high': 4, 'hissing': 1, 'hoarse': 1, 'horror': 1, 'hushed': 1, 'idea': 1, 'invisibility': 1, 'just': 1, 'keep': 1, 'look': 1, 'lots': 1, 'mcgonagall': 1, 'muffled': 2, 'neville': 2, 'packed': 1, 'panic': 1, 'peeves': 1, 'professor': 2, 'quirrell': 2, 'quivering': 1, 'raised': 1, 'rang': 1, 'relief': 1, 'right': 1, 'said': 4, 'saintly': 1, 'seemed': 1, 'shaking': 1, 'sharp': 1, 'shifty': 1, 'shrill': 1, 'singsong': 1, 'small': 4, 'snape': 1, 'sniffy': 1, 'soft': 1, 'sorrowful': 1, 'sort': 1, 'sorting': 1, 'spoke': 3, 'squeaky': 1, 'stop': 1, 'students': 1, 'suddenly': 1, 'sure': 1, 'takin': 1, 'that': 4, 'them': 1, 'then': 1, 'there': 1, 'trailed': 1, 'train': 1, 'trembled': 1, 'want': 1, 'were': 1, 'when': 1, 'with': 1, 'wood': 1, 'worried': 1, 'your': 1}), 'passersby': Counter({'made': 1, 'stare': 1, 'stared': 1, 'street': 1}), 'stare': Counter({'bewildered': 1, 'dursleys': 1, 'know': 1, 'pale': 1, 'passersby': 1, 'piercing': 1, 'plain': 1, 'remember': 1, 'sorry': 1, 'turning': 1}), 'dear': Counter({'asked': 1, 'aunt': 1, 'chance': 1, 'clinging': 1, 'come': 1, 'done': 1, 'down': 1, 'friar': 1, 'george': 1, 'gone': 1, 'harry': 2, 'have': 1, 'hello': 1, 'holding': 1, 'home': 1, 'life': 2, 'little': 1, 'neville': 1, 'note': 1, 'nothing': 2, 'only': 1, 'petunia': 1, 'poor': 1, 'potter': 1, 'professor': 3, 'ready': 1, 'right': 1, 'said': 1, 'scrawl': 1, 'sorry': 1, 'thanks': 1, 'well': 1, 'wizards': 1, 'wonder': 1, 'yourself': 1}), 'today': Counter({'although': 1, 'either': 1, 'goblins': 1, 'harry': 1, 'have': 1, 'here': 1, 'insisted': 1, 'jump': 1, 'known': 1, 'letters': 1, 'london': 1, 'lots': 1, 'nothing': 1, 'oddly': 1, 'other': 1, 'prefects': 1, 'rather': 1, 'rejoice': 1, 'rule': 1, 'snapped': 1, 'something': 1, 'surprised': 1, 'tell': 1, 'that': 1, 'town': 1, 'unusually': 1, 'upset': 1, 'viewers': 1, 'while': 1, 'will': 1}), 'rejoice': Counter({'today': 1, 'you-know-who': 1}), 'you-know-who': Counter({'afraid': 1, 'after': 1, 'anyway': 1, 'around': 1, 'behind': 1, 'case': 1, 'disappeared': 1, 'even': 1, 'ever': 1, 'gone': 2, 'good': 1, 'hogwarts': 1, 'killed': 1, 'looks': 1, 'mean': 2, "myst'ry": 1, 'name': 1, 'never': 1, 'only': 2, 'rejoice': 1, 'said': 2, 'slytherin': 1, 'sorry': 1, 'touch': 1, 'vol-': 1, 'what': 2, 'where': 1, 'with': 1, 'yeah': 1}), 'gone': Counter({"'harry": 1, 'after': 1, 'alarm': 1, 'angry': 1, 'back': 2, 'believe': 1, 'bellowed': 1, 'breeze': 1, "can't": 1, 'centaur': 1, 'chapter': 1, 'chasing': 1, 'class': 1, 'cloak': 1, 'clock': 1, 'come': 1, 'completely': 1, 'daddy': 1, 'dashed': 1, 'dear': 1, 'disappeared': 1, 'done': 1, 'dudley': 1, 'dumbledore': 3, 'else': 1, 'england': 1, 'fields': 1, 'figure': 1, 'filch': 1, 'finally': 1, 'flew': 1, 'going': 1, 'hagrid': 3, 'harry': 3, 'have': 4, 'hunched': 1, 'instead': 1, 'into': 1, 'jumped': 1, 'lady': 2, 'last': 1, 'later': 1, 'long': 2, 'loved': 1, 'malfoy': 1, 'mean': 1, 'more': 1, 'never': 2, 'next': 2, 'nighttime': 1, 'once': 1, 'pain': 1, 'quickly': 1, 'quirrell': 1, 'realizing': 1, 'really': 1, 'said': 2, 'silver': 1, 'single': 1, 'snape': 1, 'somewhere': 1, 'stone': 3, 'straight': 1, 'suddenly': 2, 'tabby': 1, 'that': 1, 'there': 1, 'they': 2, 'this': 1, 'vernon': 1, 'very': 2, 'vol-': 1, 'well': 2, 'were': 1, 'what': 1, 'will': 1, 'year': 1, 'you-know-who': 2}), 'muggles': Counter({'alarming': 1, 'back': 1, 'before': 1, 'biggest': 1, 'braver': 1, 'course': 1, 'dream': 1, 'escaping': 1, 'even': 2, 'ever': 1, 'found': 1, 'from': 2, 'have': 1, 'helicopters': 1, 'know': 1, 'last': 1, 'like': 1, 'line': 1, 'look': 1, 'manage': 1, 'must': 1, 's-s-sorry': 1, 'said': 1, 'someone': 1, 'spells': 1, 'spotted': 1, 'started': 1, 'stop': 1, 'that': 1, 'these': 1, 'very': 1, 'wake': 1, 'with': 4}), 'yourself': Counter({'call': 2, 'calm': 1, 'dear': 1, 'enjoying': 1, 'fool': 1, 'gamekeeper': 1, 'grip': 1, 'hagrid': 1, 'help': 1, 'last': 1, 'like': 2, 'look': 1, 'loud': 1, 'malfoy': 1, 'mother': 1, 'prove': 1, 'said': 2, 'save': 1, 'should': 1, 'show': 1, 'that': 1, 'unlike': 1, 'when': 1, 'will': 1, 'with': 1}), 'should': Counter({'acting': 1, 'afraid': 1, 'again': 1, 'believes': 1, 'break': 1, 'breaking': 1, 'burns': 1, 'call': 1, 'carry': 1, 'celebrating': 1, 'chucked': 1, 'clothes': 1, 'contact': 1, 'dangerous': 1, 'destined': 1, 'difficult': 1, 'else': 1, 'enough': 1, 'even': 1, 'families': 1, 'filch': 2, 'firenze': 1, 'friendly': 1, 'glee': 1, 'hagrid': 2, 'happy': 1, 'harry': 4, 'have': 12, 'hermione': 1, 'important': 1, 'inside': 1, 'just': 1, 'keep': 1, 'kept': 1, 'knew': 1, 'leave': 1, 'library': 1, 'lunch': 1, 'magic': 1, 'matter': 1, 'mirror': 2, 'money': 1, 'muttered': 1, 'myseff': 1, 'note': 1, 'other': 1, 'place': 1, 'platform': 1, 'please': 1, 'said': 1, 'saved': 1, 'sleep': 1, 'something': 1, 'somewhere': 1, 'sorry': 1, 'stared': 1, 'start': 1, 'stopped': 1, 'students': 1, 'surprise': 1, 'team': 1, 'teams': 1, 'tell': 1, 'that': 3, 'them': 2, 'there': 2, 'therefore': 1, 'they': 2, 'thing': 1, 'think': 1, 'thought': 1, 'tomorrow': 1, 'trouble': 1, 'used': 1, 'vernon': 2, 'wand': 1, 'what': 4, 'where': 1, 'wondered': 1, 'write': 1, 'years': 1, 'yourself': 1}), 'celebrating': Counter({'been': 2, 'bonfire': 1, 'downfall': 1, 'everyone': 1, 'must': 1, 'right': 1, 'should': 1, 'this': 1, 'were': 1}), 'happy': Counter({'afternoon': 1, 'always': 1, 'balloon': 1, 'bane': 1, 'birthday': 2, 'blur': 1, 'crying': 1, 'feet': 1, 'felt': 1, 'happy': 2, 'hermione': 1, 'hugged': 1, 'join': 1, 'point': 1, 'post': 1, 'quite': 1, 'rather': 1, 'should': 1, 'spent': 1, 'this': 1, 'though': 1, 'very': 1, 'which': 1, 'with': 1}), 'hugged': Counter({'been': 1, 'being': 1, 'complete': 1, 'dursley': 1, 'happy': 1, 'kissed': 1}), 'middle': Counter({'around': 2, 'down': 1, 'field': 1, 'forest': 1, 'fork': 1, 'happened': 1, 'into': 1, 'left': 1, 'next': 1, 'night': 1, 'nothing': 1, 'once': 1, 'plowed': 1, 'recognized': 1, 'small': 1, 'snape': 1, 'somewhere': 1, 'stands': 1, 'station': 1, 'stood': 1, 'stranded': 1, 'they': 1, 'train': 1, 'walked': 1, 'wriggled': 1}), 'stood': Counter({'ajar': 2, 'alone': 1, 'around': 1, 'aunt': 1, 'behind': 1, 'blinking': 1, 'bush': 1, 'chance': 1, 'classrooms': 1, 'clearing': 1, 'corner': 1, 'crossed': 1, 'door': 2, 'dudley': 1, 'dursley': 1, 'fang': 1, 'floor': 1, 'glaring': 1, 'hand': 1, 'harry': 5, 'heads': 1, 'hermione': 3, 'however': 1, 'killed': 1, 'livid': 1, 'long': 1, 'looked': 1, 'looking': 1, 'malkin': 1, 'massive': 1, 'middle': 1, 'nobody': 1, 'only': 1, 'professor': 1, 'quite': 1, 'racing': 1, 'ravenclaws': 1, 'refereeing': 1, 'robes': 1, 'rooted': 2, 'shake': 1, 'snape': 2, 'some': 1, 'something': 1, 'stuff': 1, 'that': 2, 'them': 1, 'then': 1, 'there': 3, 'they': 2, 'through': 1, 'tiptoe': 1, 'transfixed': 1, 'trees': 1, 'undergrowth': 1, 'where': 2, 'which': 1, 'with': 1, 'yell': 1}), 'rooted': Counter({'spot': 2, 'stood': 2}), 'spot': Counter({'above': 1, 'been': 1, 'could': 2, 'dancing': 1, 'filch': 1, 'harry': 1, 'rooted': 2, 'rooting': 1, 'silver-blue': 1, 'slowly': 1, 'swayed': 1, 'then': 1, 'trouble': 1, 'with': 1}), 'complete': Counter({'confusion': 1, 'ended': 1, 'hugged': 1, 'quirrell': 1, 'secret': 1, 'silence': 1, 'stranger': 1, 'there': 1}), 'stranger': Counter({'also': 1, 'complete': 1, 'dragon': 1, 'dudley': 1, 'enter': 1, 'past': 1, 'said': 1, 'take': 1, 'that': 1, 'think': 1, 'turns': 1, 'were': 1, 'what': 1, 'with': 1}), 'muggle': Counter({'ages': 1, 'all-': 1, 'back': 1, 'called': 1, 'chess': 1, 'children': 1, 'clothes': 1, 'dressed': 1, 'families': 3, 'family': 1, 'feeble': 1, 'from': 4, 'great': 2, 'hagrid': 1, 'interested': 1, 'kind': 1, 'know': 1, 'like': 3, 'live': 1, 'magic': 1, 'money': 1, 'ones': 1, 'past': 1, 'said': 1, 'seamus': 1, 'soccer': 1, 'sticks': 1, 'sweet': 1, 'tell': 1, 'towns': 1, 'understand': 1, 'whatever': 1, 'world': 4}), 'whatever': Counter({'after': 1, 'everyone': 1, 'guarding': 2, 'house': 1, 'hurt': 1, 'muggle': 1, 'nervous': 1, 'professor': 1, 'steal': 1, 'that': 2, 'told': 1, 'tone': 1, 'want': 2, 'what': 1, 'with': 1}), 'rattled': Counter({'doorknob': 1, 'filthy': 1, 'hurried': 1, 'something': 1, 'that': 1, 'wind': 2, 'windows': 1}), 'imagining': Counter({'hoping': 1, 'maybe': 2, 'night': 1, 'school': 1, 'seemed': 1, 'something': 1, 'things': 2, 'whether': 1}), 'hoped': Counter({'before': 1, 'maybe': 1, 'never': 1, 'outside': 1, 'roof': 1, 'that': 2, 'they': 1}), 'approve': Counter({'because': 1, 'imagination': 1}), 'imagination': Counter({'after': 1, 'approve': 1, 'harry': 1, 'pulled': 1}), 'pulled': Counter({'around': 1, 'arrow': 1, 'back': 3, 'bathrobe': 1, 'bent': 1, 'blood-red': 1, 'breathe': 1, 'broomstick': 1, 'caught': 1, 'chocolate': 1, 'cloak': 3, 'come': 1, 'crack': 1, 'dive': 1, 'door': 4, 'down': 2, 'fright': 1, 'from': 1, 'gray': 1, 'groaned': 1, 'hagrid': 1, 'halfheartedly': 1, 'handful': 1, 'handle': 1, 'harry': 9, 'here': 1, 'hut-on-the-rock': 1, 'imagination': 1, 'inside': 1, 'into': 1, 'invisibility': 1, 'invisible': 1, 'jacket': 1, 'jackets': 1, 'jeans': 1, 'jupiter': 1, 'lace': 1, 'left': 1, 'letter': 1, 'long': 1, 'mcgonagall': 1, 'nodded': 1, 'nowhere': 1, 'ollivander': 1, 'open': 1, 'ordinary': 1, 'over': 2, 'overcoat': 2, 'pink': 1, 'pocket': 1, 'potter': 1, 'quidditch': 1, 'real': 1, 'ring': 1, 'robes': 1, 'scrambled': 1, 'side': 1, 'sleep': 1, 'slightly': 1, 'station': 1, 'suddenly': 1, 'talk': 1, 'their': 3, 'them': 1, 'these': 1, 'they': 2, 'ticket': 1, 'time': 1, 'towering': 1, 'train': 1, 'trunk': 1, 'untouched': 1, 'very': 2, 'wand': 3, 'whole': 1, 'with': 1, 'wizard': 1, 'wonderful': 1}), 'driveway': Counter({'into': 1, 'number': 1}), 'thing': Counter({'about': 1, 'arrived': 1, 'before': 1, 'best': 1, 'certain': 1, 'cloak': 1, 'delighted': 1, 'dursleys': 1, 'easiest': 1, 'every': 1, 'fear': 1, 'felt': 1, 'fine': 1, 'first': 3, 'fishy': 1, 'goes': 1, 'hand': 1, 'happened': 1, 'harry': 4, 'here': 1, 'hermione': 1, 'however': 1, 'imagine': 1, 'improve': 1, 'itself': 1, 'just': 1, 'keeping': 1, 'know': 2, 'last': 3, 'like': 1, 'locked': 1, 'longbottom': 1, 'might': 1, 'monstrous': 1, 'more': 2, 'much': 1, "myst'ry": 1, 'noticing': 1, 'only': 4, 'plant': 2, 'poor': 1, 'properly': 1, 'said': 1, 'same': 2, 'saved': 1, 'should': 1, 'slay': 1, 'small': 1, 'sort': 3, 'story': 1, 'stupid': 1, 'such': 2, 'suppose': 1, 'tell': 1, 'terrible': 1, 'that': 5, 'there': 2, 'they': 1, 'thing': 2, 'this': 1, 'tried': 1, 'voldemort': 1, 'want': 1, 'weirdest': 1, 'when': 1, 'while': 1, 'whole': 1, 'will': 1, 'with': 1, 'wonderful': 1, 'world': 1, 'worst': 1, 'would': 1}), 'improve': Counter({'gryffindors': 1, 'mood': 1, 'thing': 1, 'things': 1}), 'spotted': Counter({'dirty': 1, 'hagrid': 1, 'hall': 1, 'handkerchief': 2, 'harry': 3, 'large': 1, 'mrs.': 1, 'muggles': 1, 'notice': 1, 'obviously': 1, 'professor': 1, 'relief': 1, 'some': 1, 'suit': 1, 'tabby': 1, 'that': 1, 'them': 1, 'they': 2}), 'sitting': Counter({'alone': 2, 'anyone': 1, 'armchair': 1, 'askew': 1, 'astride': 1, 'awake': 1, 'back': 4, 'been': 1, 'behind': 1, 'boarhound': 1, 'boats': 1, 'brick': 1, 'chimney': 1, 'corner': 1, 'desks': 1, 'faintly': 1, 'feeling': 1, 'garden': 1, 'ghost': 1, 'hagrid': 2, 'harry': 1, 'heavily': 1, 'high': 1, 'into': 1, 'luck': 1, 'morning': 1, 'next': 1, 'nothing': 1, 'outside': 1, 'professor': 1, 'sleepiness': 1, 'some': 1, 'still': 1, 'that': 1, 'there': 4, 'these': 1, 'though': 1, 'water': 1, 'were': 4, 'windowsill': 1, 'with': 1}), 'wall': Counter({'above': 1, 'against': 9, 'along': 1, 'back': 2, 'behind': 1, 'breathing': 1, 'brick': 1, 'bricks': 1, 'clock': 1, 'cold': 1, 'counting': 1, 'covered': 1, 'damp': 1, 'desks': 1, 'down': 2, 'facing': 1, 'fell': 1, 'form': 1, 'garden': 2, 'hagrid': 3, 'harbor': 1, 'hard': 1, 'harry': 1, 'hole': 1, 'joined': 1, 'just': 1, 'making': 1, 'mean': 1, 'mouth': 1, 'neither': 1, 'next': 1, 'none': 1, 'once': 1, 'opposite': 2, 'outside': 1, 'passage': 1, 'pearly-white': 1, 'pinned': 1, 'really': 1, 'said': 1, 'shone': 1, 'sleep': 1, 'solid': 2, 'stop': 1, 'struggle': 1, 'sure': 1, 'tail': 1, 'tapped': 1, 'they': 1, 'three': 1, 'through': 1, 'toward': 1, 'troll': 1, 'twice': 1, 'walked': 1, 'wiping': 2}), 'markings': Counter({'around': 2, 'pocket': 1, 'same': 1, 'shape': 1, 'silver': 1}), 'shoo': Counter({'eyes': 1, 'said': 1}), 'loudly': Counter({'about': 1, 'began': 1, 'clanged': 1, 'clapped': 1, 'complained': 2, 'dursley': 1, 'fact': 1, 'give': 1, 'hagrid': 1, 'harry': 4, 'hooted': 1, 'malfoy': 1, 'minutes': 1, 'move': 1, 'once': 1, 'realized': 1, 'said': 2, 'saying': 1, 'shut': 1, 'snoring': 1, 'stretched': 1, 'swooped': 1, 'talking': 1, 'that': 2, 'there': 1, 'they': 1, 'town': 1, 'want': 1, 'with': 1, 'yawned': 1}), 'move': Counter({'ahead': 1, 'along': 3, 'around': 1, 'began': 1, 'could': 3, 'diagonally': 1, 'everything': 1, 'excellent': 1, 'fear': 1, 'gryffindor': 1, 'harry': 3, 'into': 2, 'just': 1, 'know': 1, 'looked': 1, 'loudly': 1, 'make': 1, 'malfoy': 1, 'more': 1, 'muscle': 1, 'neville': 1, 'none': 1, 'onward': 1, 'over': 1, 'players': 1, 'relief': 1, 'seemed': 1, 'shouts': 1, 'sounded': 1, 'still': 1, 'there': 1, 'they': 1, 'told': 1, 'trying': 1, 'upstairs': 1, 'want': 2, 'well': 1, 'what': 1, 'while': 1, 'whined': 1, 'will': 1, 'would': 3}), 'stern': Counter({'face': 1, 'forbid': 1, 'gave': 1, 'look': 1, 'suddenly': 1, 'they': 1, 'very': 2}), 'behavior': Counter({'dursley': 1, 'normal': 1}), 'wondered': Counter({'alley': 1, 'alone': 1, 'aloud': 2, 'calmly': 1, 'could': 1, 'desperate': 1, 'done': 1, 'dumbledore': 1, 'dursley': 2, 'even': 1, 'ever': 1, 'hagrid': 1, 'harry': 3, 'just': 1, 'never': 1, 'only': 1, 'should': 1, 'that': 1, 'trying': 1, 'went': 1, 'what': 1, 'whether': 3}), 'trying': Counter({'around': 1, 'asked': 1, 'back': 1, 'because': 1, 'been': 5, 'better': 1, 'brave': 1, 'break': 1, 'breath': 1, 'broom': 1, 'broomstick': 1, 'buck': 1, 'catch': 4, 'comfortable': 1, 'concentrate': 1, 'convince': 1, 'could': 1, 'countercurse': 1, 'dairy': 1, 'darkened': 1, 'died': 1, 'disturb': 1, 'dragon': 1, 'earn': 1, 'find': 6, 'flick': 1, 'following': 1, 'force': 3, 'from': 1, 'fudge': 1, 'glass': 1, 'hagrid': 1, 'hamburger': 1, 'hard': 1, 'harry': 5, 'hermione': 1, 'ignore': 1, 'imagine': 1, 'into': 2, 'keep': 1, 'kept': 1, 'knock': 2, 'laugh': 1, 'long': 1, 'look': 1, 'make': 2, 'malfoy': 1, 'match': 1, 'move': 1, 'neville': 1, 'nice': 1, 'night': 1, 'open': 1, 'other': 1, 'over': 1, 'people': 1, 'persuade': 1, 'protect': 1, 'pull': 2, 'reason': 1, 'remember': 3, 'responsible': 1, 'save': 2, 'seemed': 1, 'send': 1, 'shouted': 1, 'shut': 1, 'snape': 5, 'snatch': 1, 'sneer': 1, 'speak': 1, 'started': 1, 'steal': 3, 'stop': 3, 'street': 1, 'take': 2, 'team': 1, 'that': 1, 'them': 2, 'think': 1, 'through': 2, 'time': 1, 'turn': 1, 'vernon': 2, 'viridian': 1, 'weakly': 1, 'were': 2, 'when': 1, 'with': 1, 'wondered': 1}), 'pull': Counter({'able': 2, 'broom': 1, 'door': 1, 'flew': 1, 'fought': 1, 'free': 1, 'harry': 1, 'head': 1, 'himself': 1, 'over': 1, 'plant': 1, 'quirrell': 1, 'rugs': 1, 'their': 1, 'them': 1, 'tightened': 1, 'time': 2, 'toward': 1, 'tried': 2, 'trying': 2}), 'determined': Counter({'harry': 1, 'here': 1, 'mention': 1, 'pale': 1, 'remember': 1, 'still': 1}), 'wife': Counter({'anything': 1, 'means': 1, 'mrs.': 1, 'perenelle': 1, 'will': 1, 'with': 1}), 'nice': Counter({"'gar": 1, 'again': 1, 'brazil': 1, 'dive': 1, 'dursley': 1, 'empty': 1, 'fair': 1, 'feeling': 1, 'flexible': 1, 'goodness': 1, 'hagrid': 1, 'harry': 1, 'have': 1, 'hear': 1, 'inches': 2, 'long': 2, 'might': 1, 'moved': 1, 'needed': 1, 'normal': 1, 'nurse': 1, 'play': 1, 'really': 1, 'said': 2, 'scales': 1, 'supple': 1, 'that': 1, 'them': 1, 'there': 2, 'they': 1, 'thirst': 1, 'toffee': 1, 'trying': 1, 'very': 2, 'wand': 1, 'want': 1, 'which': 1, 'willow': 1, 'with': 2, 'woman': 1, 'would': 1, 'wrist': 1}), 'told': Counter({'-you': 1, 'about': 7, 'after': 2, 'almost': 1, 'already': 1, 'amazed': 1, 'anyway': 1, 'back': 1, 'been': 1, 'binns': 1, 'blown': 1, 'break': 1, 'brightly': 1, 'brothers': 1, 'chest': 1, 'come': 1, 'could': 2, 'done': 1, 'dragon': 1, 'dream': 1, 'drop': 1, 'dumbledore': 2, 'even': 1, 'evil': 1, 'expect': 1, 'famous': 1, 'father': 1, 'feast': 1, 'find': 1, 'finnigan': 1, 'first': 2, 'flamel': 1, 'flitwick': 1, 'fluffy': 2, 'fred': 1, 'frightening': 1, 'gamekeeper': 1, 'getting': 1, 'going': 1, 'haaa': 1, 'hagrid': 10, 'hands': 1, 'harry': 18, 'have': 3, 'here': 2, 'hermione': 6, 'himself': 1, 'hogwarts': 1, 'home': 1, 'hooch': 1, 'keeper': 1, 'know': 2, 'later': 1, 'like': 2, 'liked': 1, 'long': 1, 'look': 1, 'madam': 2, 'make': 1, 'malfoy': 2, 'mcgonagall': 3, 'mean': 1, 'monday': 1, 'month': 1, 'mother': 1, 'move': 1, 'never': 3, 'night': 1, 'normal': 1, 'only': 1, 'other': 1, 'over': 1, 'parcel': 1, 'play': 1, 'pomfrey': 1, 'prefects': 1, 'quiet': 1, 'quirrell': 2, 'read': 1, 'really': 1, 'said': 1, 'secret': 1, "shouldn'ta": 1, 'sound': 1, 'spent': 1, 'spluttering': 1, 'stand': 1, 'stonewall': 1, 'suppose': 1, 'team': 1, 'teams': 1, 'that': 2, 'them': 8, 'then': 2, 'there': 1, 'they': 3, 'think': 2, 'told': 2, 'true': 1, 'turban': 2, 'unbelievable': 1, 'weasleys': 1, 'were': 1, 'what': 2, 'whatever': 1, 'when': 3, 'where': 1, 'while': 1, 'wood': 3, 'would': 1, 'wrist': 1, 'yelp': 1, 'your': 1}), 'dinner': Counter({'about': 1, 'after': 1, 'bolted': 1, 'castle': 1, 'christmas': 2, 'else': 1, 'hanging': 1, 'harry': 1, 'hundred': 1, 'over': 1, 'round': 1, 'that': 1, 'their': 1, 'three': 1, 'what': 1}), 'problems': Counter({'best': 1, 'door': 1, 'lent': 1, 'their': 1, 'ticket': 1, 'were': 1, 'with': 2}), 'daughter': Counter({'dudley': 1, 'with': 1}), 'learned': Counter({'about': 1, 'course': 2, 'dudley': 1, 'from': 1, 'harry': 2, 'have': 1, 'heard': 1, 'parents': 1, 'spells': 1, 'take': 1, 'that': 3, 'they': 1, 'until': 1, 'what': 1, 'wondering': 1, 'word': 1}), 'word': Counter({'another': 3, 'comfort': 1, 'danger': 1, 'desperate': 1, 'dursley': 1, 'each': 1, 'every': 3, 'frightened': 1, 'harry': 1, 'heard': 2, 'hermione': 1, 'last': 2, 'learned': 1, 'like': 3, 'lost': 1, 'mcgonagall': 1, 'more': 2, 'said': 1, 'saying': 1, 'subject': 1, 'they': 1, 'want': 1, 'weirdest': 1, 'what': 1, 'whole': 1, 'with': 1, 'without': 1, 'wood': 1, 'wrenched': 1}), 'normally': Counter({'hunt': 1, 'owls': 1, 'pretended': 1, 'they': 1, 'tried': 1, 'when': 1}), 'went': Counter({'again': 1, 'answer': 1, 'back': 4, 'bang': 1, 'beak': 1, 'because': 1, 'been': 1, 'before': 1, 'breakfast': 1, 'bright': 1, 'broom': 1, 'club': 1, 'confuse': 1, 'could': 1, 'deadly': 1, 'door': 1, 'down': 4, 'dressed': 1, 'dunno': 1, 'ears': 2, 'exhausted': 1, 'face': 1, 'feverishly': 1, 'find': 1, 'fine': 1, 'from': 1, 'gray': 1, 'greenhouses': 1, 'hannah': 1, 'harry': 11, 'have': 1, 'heard': 1, 'hermione': 1, 'herself': 1, 'high': 1, 'hollow': 1, 'inside': 1, 'into': 2, 'join': 1, 'lamp': 1, 'last': 1, 'live': 1, 'looking': 2, 'lumpy': 1, 'lunch': 1, 'mail': 1, 'malfoy': 1, 'mandy': 1, 'mouth': 1, 'neville': 1, 'next': 1, 'night': 1, 'once': 1, 'only': 1, 'outta': 1, 'pea-brain': 1, 'people': 1, 'petunia': 1, 'pink': 3, 'please': 1, 'purple': 1, 'quirrell': 1, 'ranting': 1, 'rather': 1, 'rattling': 1, 'ravenclaw': 1, 'reptile': 1, 'room': 3, 'said': 2, 'shriek': 1, 'side': 1, 'sink': 1, 'sleep': 1, 'slithering': 1, 'slytherin': 1, 'snape': 2, 'something': 1, 'speeding': 1, 'spinning': 1, 'stick': 1, 'straight': 2, 'suspected': 1, 'tell': 1, 'that': 2, 'then': 1, 'they': 8, 'times': 1, 'toads': 1, 'trembled': 1, 'twin': 1, 'twitching': 1, 'upstairs': 1, 'vernon': 1, 'very': 1, 'walls': 1, 'weasley': 1, 'well': 1, 'wherever': 2, 'which': 2, 'with': 3, 'wizard': 2, 'wondered': 1, 'wood': 1}), 'living': Counter({'around': 1, 'cabbage-smelling': 1, 'dark': 1, 'death': 1, 'down': 1, 'draught': 1, 'halloween': 1, 'into': 2, 'room': 7, 'their': 1, 'through': 1, 'where': 1, 'with': 1}), 'room': Counter({'about': 1, 'account': 1, 'across': 3, 'again': 1, 'alone': 1, 'arms': 1, 'around': 2, 'back': 1, 'behind': 2, 'better': 1, 'bouncing': 1, 'carrying': 1, 'cast': 1, 'climbed': 1, 'closely': 1, 'collapsed': 1, 'common': 20, 'corner': 2, 'could': 1, 'cozy': 1, 'cross': 1, 'dining': 1, 'down': 2, 'dudley': 2, 'dumbledore': 1, 'either': 1, 'embers': 1, 'emptied': 1, 'emptier': 1, 'empty': 2, 'expected': 1, 'fact': 1, 'family': 1, 'fire': 1, 'flooded': 1, 'flying-': 1, 'follow': 1, 'four': 1, 'from': 4, 'full': 2, 'gradually': 1, 'great': 1, 'hand': 1, 'harry': 4, 'have': 1, 'having': 1, 'held': 1, 'hidden': 1, 'holding': 1, 'hoping': 1, 'inside': 2, 'into': 4, 'kept': 1, 'keys': 1, 'left': 1, 'living': 7, 'locker': 4, 'long': 1, 'made': 2, 'make': 1, 'malfoy': 2, 'managed': 1, 'mirror': 1, 'mother': 1, 'much': 1, 'neville': 1, 'next': 1, 'nobody': 1, 'only': 1, 'opposite': 1, 'other': 1, 'paced': 1, 'packed': 1, 'potter': 1, 'railview': 1, 'reveal': 1, 'round': 2, 'said': 1, 'same': 1, 'second': 1, 'shared': 1, 'slowly': 1, 'snow': 1, 'some': 1, 'someone': 1, 'staff': 2, 'still': 1, 'supposed': 1, 'talking': 1, 'that': 4, 'they': 2, 'things': 1, 'think': 1, 'this': 1, 'time': 1, 'tower': 1, 'tremble': 1, 'trophy': 5, 'uncle': 2, 'very': 1, 'wait': 1, 'waiting': 2, 'went': 3, 'were': 1, 'where': 3, 'which': 1, 'while': 2, 'whole': 1, 'window': 1, 'with': 2, 'without': 1, 'wood': 1, 'would': 1}), 'catch': Counter({'anythin': 1, 'arms': 1, 'because': 1, 'broomsticks': 1, 'confusion': 1, 'door': 1, 'down': 1, 'easy': 1, 'fell': 1, 'filch': 1, 'finds': 1, 'going': 2, 'guard': 1, 'hard': 1, 'harry': 3, 'hoping': 1, 'however': 1, 'impossible': 1, 'last': 1, 'lucky': 1, 'malfoy': 1, 'nearly': 1, 'nothing': 1, 'often': 1, 'potions': 1, 'right': 1, 'said': 1, 'seeker': 1, 'sight': 1, 'strained': 1, 'terrible': 1, 'them': 1, 'then': 1, 'they': 1, 'time': 1, 'tried': 1, 'trying': 4, 'uncle': 1, 'unicorn': 1, 'until': 1, 'weave': 1, 'what': 1}), 'report': Counter({'about': 1, 'evening': 1, 'home': 1, 'last': 1, 'neville': 2, 'news': 1, 'school': 1}), 'evening': Counter({'after': 2, 'best': 1, 'dudley': 1, 'giving': 1, 'good': 3, 'hagrid': 2, 'harry': 2, 'more': 1, 'never': 1, 'news': 1, 'report': 1, 'said': 1, 'sighed': 1, 'spent': 1, 'that': 4, 'then': 1, 'they': 1, 'this': 1, 'when': 1, 'without': 1}), 'news': Counter({'dursley': 1, 'evening': 1, 'fateful': 1, 'finally': 1, 'jerked': 1, 'just': 1, 'over': 1, 'report': 1, 'secret': 1, 'stuff': 1, 'such': 1, 'team': 1, 'that': 1, 'their': 1, 'they': 1, 'this': 1, 'vernon': 1, 'worried': 1}), 'finally': Counter({'bird-watchers': 1, 'down': 1, 'dumbledore': 1, 'flamel': 1, 'flew': 1, 'giant': 1, 'gone': 1, 'harry': 2, 'hooch': 1, 'ignore': 1, 'jordan': 1, 'kissing': 1, 'know': 1, 'left': 2, 'managed': 1, 'merlin': 1, 'might': 1, 'must': 1, 'needs': 1, 'news': 1, 'nobody': 1, 'said': 7, 'scabbets': 1, 'shouted': 1, 'stopped': 2, 'teabags': 1, 'that': 1, 'they': 1, 'think': 1, 'tore': 1, 'uncle': 1, 'until': 1, 'vernon': 1, 'what': 1, 'when': 1, 'wine': 1, 'work': 1}), 'bird-watchers': Counter({'everywhere': 1, 'finally': 1}), 'everywhere': Counter({'bird-watchers': 1, 'carried': 1, 'else': 1, 'fitch': 1, 'follows': 1, 'harry': 2, 'have': 1, 'house': 1, 'needles': 1, 'smirking': 1, 'table': 1}), 'reported': Counter({'have': 1, 'that': 1}), 'nation': Counter({'owls': 1, 'that': 1}), 'behaving': Counter({'been': 1, 'broom': 1, 'outside': 1, 'strangely': 1, 'very': 2}), 'unusually': Counter({'bright': 1, 'impatiently': 1, 'today': 1, 'very': 1}), 'hunt': Counter({'night': 1, 'normally': 1}), 'night': Counter({'alone': 1, 'around': 1, 'been': 3, 'before': 2, 'bolted': 1, 'bonfire': 1, 'cheer': 1, 'cloudy': 1, 'cold': 2, 'could': 1, 'counted': 1, 'dare': 1, 'dead': 1, 'down': 1, 'early': 1, 'especially': 1, 'every': 1, 'fell': 1, 'ferociously': 1, 'first': 1, 'found': 2, 'give': 1, 'good': 1, 'hagrid': 1, 'halfway': 1, 'hardly': 1, 'hedwig': 1, 'here': 1, 'hour': 1, 'hunt': 1, 'imagining': 1, 'into': 3, 'last': 5, 'learn': 1, 'least': 1, 'mean': 1, 'middle': 1, 'never': 1, 'next': 1, 'norbert': 1, 'noticed': 1, 'parents': 1, 'place': 1, 'promise': 1, 'really': 1, 'same': 1, 'school': 2, 'shall': 1, 'skies': 1, 'sleep': 2, 'sleepless': 1, 'somebody': 1, 'sore': 1, 'students': 1, 'study': 1, 'studying': 1, 'surprises': 1, 'that': 5, 'then': 1, 'there': 2, 'they': 6, 'think': 1, 'third': 1, 'told': 1, 'tonight': 1, 'tried': 1, 'trying': 1, 'voldemort': 1, 'wednesday': 1, 'went': 1, 'when': 1, 'whole': 1, 'with': 1}), 'ever': Counter({'across': 1, 'afraid': 1, 'again': 1, 'albus': 1, 'alive': 1, 'animal': 1, 'band': 1, 'because': 1, 'been': 1, 'believe': 1, 'best': 1, 'bludgers': 1, 'bothering': 1, 'brightly': 1, 'brothers': 1, 'bungler': 1, 'cats': 1, 'christmas': 2, 'could': 3, 'down': 1, 'drive': 1, 'dudley': 1, 'dying': 1, 'even': 1, 'failed': 1, 'fastest': 1, 'finding': 1, 'forget': 1, 'from': 1, 'hagrid': 1, 'hardly': 2, 'harry': 3, 'hermione': 2, 'hogwarts': 2, 'hope': 1, 'killed': 1, 'knew': 1, 'laid': 1, 'lessons': 1, 'letter': 1, 'lived': 1, 'lost': 1, 'made': 1, 'magic': 1, 'make': 1, 'might': 1, 'muggles': 1, 'name': 1, 'need': 1, 'needed': 1, 'never': 1, 'normal': 1, 'once': 1, 'only': 1, 'owned': 1, 'pleased': 1, 'polite': 1, 'potter': 1, 'problem': 1, 'refereed': 1, 'remember': 4, 'remembered': 1, 'said': 1, 'seen': 3, 'sent': 1, 'since': 6, 'sold': 1, 'something': 1, 'such': 1, 'than': 5, 'that': 1, 'there': 2, 'they': 3, 'this': 1, 'time': 1, 'train': 1, 'turnin': 1, 'wakes': 1, 'wand': 1, 'want': 1, 'wanted': 1, 'were': 1, 'when': 1, 'which': 1, 'whole': 1, 'wizard': 1, 'wondered': 1, 'would': 1, 'you-know-who': 1}), 'hundreds': Counter({'been': 1, 'before': 2, 'books': 1, 'candles': 1, 'drone': 1, 'faces': 1, 'gringotts': 1, 'like': 1, 'miles': 1, 'narrow': 1, 'questions': 1, 'seats': 1, 'shelves': 1, 'sightings': 1, 'them': 3, 'there': 1, 'through': 1, 'voices': 1, 'with': 1}), 'sightings': Counter({'hundreds': 1, 'these': 1}), 'birds': Counter({'fluttering': 1, 'flying': 1, 'harry': 1, 'jewel-bright': 1, 'soaring': 1, 'these': 2, 'they': 2, 'watched': 1}), 'flying': Counter({'about': 2, 'around': 1, 'been': 1, 'birds': 1, 'complained': 1, 'countryside': 1, 'daylight': 1, 'dodges': 1, 'every': 1, 'first': 1, 'flint': 1, 'groan': 1, 'imagine': 1, 'lesson': 1, 'lessons': 1, 'like': 1, 'motorcycle': 1, 'neville': 1, 'owls': 1, 'past': 1, 'really': 1, 'seems': 1, 'suddenly': 1, 'that': 1, 'tips': 1, 'uncle': 1, 'with': 1}), 'every': Counter({'about': 1, 'blood': 1, 'bott': 4, 'cats': 1, 'caught': 2, 'child': 1, 'color': 1, 'could': 1, 'cracked': 1, 'crackers': 1, 'cracking': 1, 'cream': 1, 'direction': 3, 'distant': 1, 'dropping': 1, 'eating': 1, 'eleven': 1, 'fear': 1, 'feet': 1, 'filch': 1, 'flavor': 9, 'flying': 1, 'from': 1, 'fudge': 1, 'going': 1, 'good': 1, 'ground': 1, 'grounds': 1, 'half': 1, 'hanging': 1, 'harry': 1, 'head': 1, 'hermione': 1, 'home': 1, 'house': 1, 'know': 1, 'leap': 1, 'less': 1, 'mean': 1, 'mice': 1, 'morning': 2, 'movies': 1, 'night': 1, 'ollivander': 1, 'once': 1, 'owls': 1, 'page': 1, 'picking': 1, 'points': 1, 'potter': 1, 'remember': 1, 'said': 1, 'second': 1, 'sigh': 1, 'single': 2, 'spoke': 1, 'state': 1, 'statue': 1, 'steel': 1, 'syllable': 1, 'telescopes': 1, 'then': 4, 'they': 1, 'thing': 1, 'through': 1, 'time': 7, 'toads': 1, 'turn': 1, 'uncle': 1, 'vacation': 1, 'wand': 1, 'wednesday': 1, 'when': 1, 'wind': 1, 'windows': 1, 'word': 3, 'world': 1, 'year': 3, 'years': 1}), 'direction': Counter({'dudley': 1, 'else': 1, 'even': 1, 'every': 3, 'flashed': 1, 'harry': 2, 'opposite': 2, 'peeves': 1, 'right': 2, 'since': 1, 'speeding': 1, 'staffroom': 1, 'strode': 1, 'that': 1, 'their': 2, 'they': 2, 'three': 1, 'weasley': 1, 'while': 1}), 'since': Counter({'around': 1, 'been': 1, 'born': 1, 'charlie': 1, 'direction': 1, 'dursleys': 1, 'dying': 1, 'ever': 6, 'excited': 1, 'hagrid': 2, 'harry': 2, 'have': 1, 'here': 1, 'last': 1, 'letter': 1, 'madam': 1, 'mentioned': 1, 'much': 1, 'passed': 1, 'quidditch': 1, 'really': 1, 'rules': 1, 'same': 1, 'scared': 1, 'seek': 1, 'single': 1, 'sunrise': 1, 'them': 1, 'then': 2, 'they': 2, 'trip': 1, 'usual': 1, 'vomitflavored': 1, 'wands': 1, 'years': 1}), 'sunrise': Counter({'experts': 1, 'since': 1}), 'experts': Counter({'sunrise': 1, 'unable': 1}), 'unable': Counter({'experts': 1, 'explain': 1, 'keep': 1, 'malfoy': 1}), 'explain': Counter({'able': 1, 'about': 1, 'anything': 1, 'could': 2, 'everything': 1, 'grown': 1, 'happiest': 1, 'hard': 1, 'head': 1, 'just': 1, 'morning': 1, 'owls': 1, 'rules': 1, 'said': 1, 'that': 1, 'think': 1, 'this': 2, 'time': 1, 'tried': 2, 'unable': 1, 'yourselves': 1}), 'suddenly': Counter({'able': 1, 'anxious': 1, 'anywhere': 1, 'appeared': 2, 'around': 1, 'awake': 1, 'became': 1, 'broke': 1, 'brothers': 1, 'cauldron': 1, 'changed': 1, 'clearing': 1, 'clenched': 1, 'cloak': 1, 'color': 1, 'could': 1, 'darkness': 1, 'dashed': 1, 'decide': 1, 'does': 1, 'drained': 1, 'dudley': 1, 'feeling': 1, 'firenze': 2, 'flew': 1, 'flooded': 1, 'flying': 1, 'found': 1, 'frightened': 1, 'ghosts': 1, 'glided': 1, 'glowed': 2, 'golden': 1, 'gone': 2, 'grabbed': 1, 'hagrid': 3, 'harry': 10, 'have': 3, 'hermione': 1, 'hook-nosed': 1, 'jerked': 1, 'jumped': 1, 'knew': 1, 'life': 1, 'light': 1, 'looked': 4, 'loomed': 1, 'loud': 1, 'most': 1, 'mother': 1, 'muttered': 1, 'neville': 1, 'nodding': 1, 'note': 1, 'noticed': 1, 'ollivander': 1, 'onto': 1, 'opened': 2, 'orange': 1, 'owls': 1, 'people': 1, 'petunia': 1, 'pointing': 1, 'pulled': 1, 'quirrell': 1, 'quite': 1, 'rang': 1, 'realized': 2, 'reared': 1, 'remembering': 1, 'remembrall': 1, 'said': 5, 'shivered': 1, 'shouted': 1, 'silently': 1, 'smiled': 1, 'snake': 1, 'snape': 1, 'sound': 2, 'stern': 1, 'stopped': 1, 'streamed': 1, 'surged': 1, 'suspicious': 1, 'swooped': 1, 'their': 1, 'them': 1, 'then': 2, 'there': 2, 'they': 3, 'think': 1, 'though': 2, 'thousands': 1, 'through': 1, 'tights': 1, 'trembled': 1, 'troll': 1, 'turned': 1, 'twins': 1, 'vernon': 1, 'very': 1, 'voice': 1, 'well': 1, 'what': 1, 'which': 1, 'whispers': 1}), 'sleeping': Counter({'clearly': 1, 'door': 1, 'make': 1, 'pattern': 1, 'potion': 1, 'their': 1}), 'pattern': Counter({'newscaster': 1, 'sleeping': 1}), 'newscaster': Counter({'allowed': 1, 'pattern': 1}), 'allowed': Counter({'been': 1, 'cupboard': 1, 'down': 1, 'even': 1, 'expelled': 1, 'finish': 1, 'follow': 1, 'from': 1, 'harry': 2, 'himself': 1, 'knew': 1, 'know': 1, 'looked': 1, 'magic': 1, 'much': 1, 'newscaster': 1, 'reason': 1, 'said': 1, 'says': 1, 'simply': 1, 'somewhere': 1, 'speak': 1, 'speakin': 1, 'stay': 1, 'their': 1, 'them': 1, 'they': 1, 'time': 1, 'unfortunately': 1, 'where': 1, 'wild': 1, 'with': 1, 'would': 1, 'years': 2}), 'grin': Counter({'face': 1, 'himself': 1, 'most': 1, 'nasty': 3, 'rowboat': 1, 'something': 1, 'surprised': 1, 'that': 1, 'through': 1, 'wicked': 1}), 'mcguffin': Counter({'over': 1, 'with': 1}), 'weather': Counter({'about': 1, 'another': 1, 'going': 1, 'horrible': 1, 'november': 1, 'tomorrow': 1, 'turned': 1, 'with': 1}), 'going': Counter({'able': 1, 'about': 4, 'after': 1, 'again': 2, 'aloud': 1, 'always': 1, 'anything': 1, 'asked': 1, 'away': 1, 'back': 2, 'bane': 1, 'baseball': 1, 'been': 3, 'before': 1, 'believe': 2, 'better': 1, 'bother': 1, 'brilliant': 1, 'cane': 1, 'castle': 1, 'catch': 2, 'caught': 1, 'changing': 1, 'chat': 1, 'christmas': 1, 'cross': 1, 'cursed': 1, 'down': 2, 'drag': 1, 'dragon': 1, 'dreading': 1, 'dudley': 1, 'dumbledore': 1, 'earth': 1, 'either': 1, 'even': 1, 'every': 1, 'expelled': 1, 'face': 1, 'faces': 1, 'fair': 1, 'fall': 2, 'fight': 1, 'find': 1, 'firelight': 1, 'forest': 1, 'fred': 1, 'from': 1, 'give': 3, 'glittering': 1, 'going': 2, 'gone': 1, 'hagrid': 2, 'hair': 1, 'hand': 1, 'handkerchief': 1, 'happen': 1, 'harry': 4, 'have': 2, 'heard': 1, 'help': 1, 'here': 1, 'hermione': 2, 'hissed': 2, 'home': 1, 'hope': 1, 'hoping': 1, 'hufflepuffs': 1, 'instead': 1, 'into': 2, 'just': 2, 'kept': 1, 'kill': 1, 'knight': 1, 'know': 2, 'late': 1, 'leave': 1, 'lights': 1, 'like': 2, 'listen': 1, 'lives': 1, 'london': 2, 'long': 1, 'look': 1, 'malfoy': 1, 'match': 2, 'meet': 1, 'might': 1, 'mind': 1, 'mirror': 1, 'more': 1, 'mrs.': 1, 'much': 1, 'must': 1, 'near': 1, 'never': 3, 'norbert': 2, 'nothing': 2, 'obviously': 1, 'once': 1, 'other': 2, 'over': 1, 'painful': 1, 'perhaps': 1, 'planets': 1, 'play': 1, 'points': 1, 'polkiss': 1, 'potter': 1, 'problem': 1, 'promise': 1, 'punishment': 1, 'quickly': 1, 'right': 1, 'romania': 1, 'roof': 1, 'said': 6, 'saying': 2, 'school': 2, 'secondary': 1, 'seem': 1, 'shoot': 1, 'show': 1, 'side': 1, 'sleep': 1, 'smash': 1, 'snape': 2, 'someone': 2, 'something': 1, 'sometimes': 1, 'stand': 1, 'stared': 1, 'starting': 1, 'stay': 1, 'steal': 1, 'stone': 2, 'stonewall': 2, 'stop': 2, 'stopped': 1, 'suppose': 1, 'teach': 1, 'team': 1, 'tell': 5, 'that': 8, 'their': 1, 'then': 1, 'there': 2, 'they': 2, 'think': 1, 'this': 2, 'thought': 1, 'through': 2, 'told': 1, 'tonight': 2, 'took': 1, 'treacle': 1, 'troll': 1, 'trophy': 1, 'trouble': 1, 'turban': 1, 'vernon': 1, 'visit': 1, 'voldemort': 1, 'wait': 1, 'wand': 1, 'want': 1, 'wanted': 1, 'weather': 1, 'were': 13, 'what': 14, 'when': 2, 'where': 6, 'with': 1, 'wood': 1, 'working': 1, 'would': 1, 'wrong': 1, 'yawned': 1, 'years': 1}), 'showers': Counter({'more': 1, 'owls': 1}), 'tonight': Counter({'again': 1, 'almost': 1, 'back': 1, 'bright': 3, 'come': 1, 'dunno': 1, 'dursley': 1, 'forecast': 1, 'forget': 1, 'found': 1, 'going': 2, 'harry': 1, 'here': 1, 'humberto': 1, 'kill': 1, 'malfoy': 1, 'meet': 2, 'night': 1, 'nothing': 1, "o'clock": 1, 'owls': 1, 'place': 1, 'quidditch': 1, 'quirrell': 1, 'ronan': 1, 'said': 3, 'they': 1, 'trapdoor': 2, 'want': 3, 'well': 1, 'what': 1, 'will': 1, 'yeah': 1}), 'well': Counter({"'cause": 1, 'aconite': 1, 'admitted': 1, 'ajar': 1, 'alive': 1, 'back': 1, 'baron': 1, 'because': 1, 'behind': 1, 'best': 1, 'calm': 1, 'confusion': 1, 'copying': 1, 'could': 1, 'course': 2, 'curious': 1, 'darkness': 1, 'dear': 1, 'does': 1, 'doin': 1, 'done': 5, 'dumbledore': 2, 'dursley': 1, 'dursleys': 1, 'eagerly': 1, 'either': 1, 'enough': 1, 'everything': 1, 'exams': 1, 'expect': 1, 'expects': 1, 'face': 2, 'feeling': 1, 'finish': 1, 'footstool': 1, 'garlic': 1, 'girl': 1, 'give': 1, 'goes': 1, 'gone': 2, 'good': 2, 'gran': 1, 'gringotts': 1, 'grumpily': 1, 'hagrid': 1, 'hands': 1, 'harry': 6, 'have': 3, 'hawk': 1, 'heads': 1, 'here': 2, 'hermione': 4, 'hogwarts': 2, 'hope': 2, 'hovering': 1, 'hurry': 1, 'itself': 1, 'join': 1, 'just': 1, 'keep': 1, 'kept': 1, 'known': 1, 'knows': 1, 'left': 1, 'light': 1, 'like': 1, 'look': 2, 'lucky': 1, 'magic': 1, 'might': 3, 'minute': 1, 'miserably': 2, 'move': 1, 'never': 1, 'next': 1, 'nicolas': 1, 'noble': 1, 'note': 1, 'oiled': 1, 'once': 1, 'others': 1, 'over': 1, 'packing': 1, 'pair': 1, 'parents': 1, 'perfectly': 1, 'potter': 1, 'professor': 1, 'properly': 1, 'protected': 1, 'proudly': 1, 'really': 1, 'remember': 3, 'returned': 1, 'right-handed': 1, "s'pose": 1, 'said': 6, 'second': 2, 'secret': 1, 'section': 1, 'shows': 1, 'sight': 1, 'sleep': 1, 'snape': 1, 'stars': 2, 'steal': 1, 'still': 1, 'stone': 3, 'suddenly': 1, 'suppose': 1, 'sure': 1, 'that': 9, 'their': 1, 'them': 2, 'there': 3, 'they': 5, 'think': 2, 'thought': 1, 'timidly': 1, 'tonight': 1, 'transfiguration': 1, 'true': 2, 'underground': 1, 'uniform': 1, 'very': 9, 'voldemort': 2, 'wand': 1, 'well': 10, 'went': 1, 'what': 4, 'whispered': 1, 'will': 1, 'with': 1, 'would': 1, 'yeah': 1, 'your': 2}), 'weatherman': Counter({'know': 1, 'said': 1}), 'only': Counter({'about': 1, 'again': 2, 'baby': 3, 'ball': 1, 'baron': 1, 'because': 2, 'bedroom': 1, 'books': 1, 'boot': 1, 'came': 1, 'care': 1, 'centuries': 1, 'chance': 2, 'chess': 1, 'clearly': 1, 'contact': 1, 'control': 1, 'could': 3, 'dear': 1, 'does': 1, 'dramatically': 1, 'dream': 1, 'dumbledore': 4, 'dying': 1, 'ends': 1, 'enough': 1, 'ever': 1, 'existed': 1, 'eyes': 1, 'family': 2, 'feet': 1, 'felt': 1, 'firenze': 1, 'fluffy': 1, 'form': 1, 'forward': 1, 'george': 1, 'gibber': 1, 'gryffindor': 1, 'gryffindors': 1, 'guess': 1, 'hagrid': 3, 'hair': 1, 'hand': 1, 'harry': 6, 'have': 2, 'head': 1, 'hear': 1, 'helicopters': 1, 'hermione': 2, 'himself': 1, 'hogwarts': 1, 'hold': 1, 'holding': 1, 'hope': 1, 'horribly': 1, 'house': 1, 'inside': 1, 'joking': 3, 'just': 6, 'killed': 1, 'known': 1, 'knows': 2, 'last': 1, 'left': 3, 'legs': 1, 'lesson': 1, 'lights': 1, 'look': 1, 'malfoy': 2, 'maybe': 1, 'mentioned': 1, 'minutes': 1, 'mirror': 2, 'moment': 1, 'moments': 1, 'moonlight': 1, 'nettle': 1, 'nose': 2, 'nothing': 1, 'ones': 1, 'others': 1, 'owls': 2, 'pain': 1, 'people': 1, 'photographs': 1, 'place': 1, 'plate': 1, 'playin': 1, 'potions': 1, 'potter': 2, 'power': 1, 'prewetts': 1, 'proper': 1, 'question': 1, 'quidditch': 1, 'rats': 1, 'read': 1, 'realized': 1, 'reason': 1, 'reserve': 1, 'right': 2, 'room': 1, 'rooms': 1, 'safe': 2, 'said': 2, 'second': 1, 'seems': 1, 'seen': 1, 'shows': 1, 'smiling': 1, 'snape': 1, 'softly': 1, 'something': 1, 'soon': 1, 'speak': 1, 'speed': 1, 'stone': 2, 'stood': 1, 'survive': 1, 'taken': 1, 'taught': 1, 'tell': 1, 'that': 5, 'them': 2, 'then': 1, 'there': 4, 'they': 2, 'thing': 4, 'things': 1, 'this': 1, 'though': 1, 'thought': 1, 'three': 1, 'time': 2, 'told': 1, 'took': 1, 'troll': 1, 'twice': 1, 'until': 1, 'used': 1, 'visitor': 1, 'wands': 1, 'wanted': 1, 'weasley': 1, 'went': 1, 'were': 5, 'what': 1, 'when': 2, 'where': 1, 'which': 2, 'while': 1, 'whistling': 1, 'with': 3, 'wondered': 1, 'words': 1, 'written': 1, 'year': 1, 'yesterday': 1, 'you-know-': 1, 'you-know-who': 2}), 'acting': Counter({'anything': 1, 'been': 1, 'best': 1, 'oddly': 1, 'should': 1, 'thought': 1}), 'oddly': Counter({'acting': 1, 'feeling': 1, 'though': 1, 'today': 1}), 'viewers': Counter({'apart': 1, 'today': 1}), 'apart': Counter({'common': 1, 'feet': 1, 'from': 8, 'gryffindors': 1, 'hear': 1, 'help': 1, 'kent': 1, 'little': 1, 'might': 1, 'nervously': 1, 'quite': 2, 'said': 1, 'sprang': 1, 'stone': 3, 'them': 1, 'viewers': 1}), 'kent': Counter({'apart': 1, 'down': 1, 'that': 1, 'yorkshire': 1}), 'yorkshire': Counter({'dundee': 1, 'fries': 1, 'kent': 1, 'pudding': 1}), 'dundee': Counter({'have': 1, 'yorkshire': 1}), 'phoning': Counter({'been': 1, 'tell': 1}), 'tell': Counter({"'please": 1, 'able': 1, 'anyone': 4, 'anythin': 1, 'anything': 1, 'asked': 1, 'back': 1, 'beaters': 1, 'began': 1, 'brave': 1, 'came': 1, 'cara': 1, 'could': 5, 'dare': 1, 'dared': 1, 'daylight': 1, 'diggle': 1, 'even': 1, 'everythin': 1, 'exactly': 1, 'expelled': 1, 'filch': 1, 'forbid': 1, 'forgotten': 1, 'george': 1, 'going': 5, 'growled': 1, 'hagrid': 2, 'hard': 1, 'harry': 3, 'have': 1, 'heard': 1, 'here': 1, 'hermione': 1, 'hurt': 1, 'just': 2, 'kind': 1, 'know': 2, 'like': 1, 'mean': 1, 'mind': 2, 'mirror': 1, 'much': 2, 'muggle': 1, 'must': 1, 'need': 1, 'never': 2, 'neville': 1, 'only': 1, 'perhaps': 1, 'person': 1, 'phoning': 1, 'please': 1, 'potter': 1, 'promisin': 1, 'quick': 1, 'quills': 1, 'reason': 1, 'said': 1, 'save': 1, 'should': 1, 'shouted': 1, 'smiling': 1, 'someone': 1, 'something': 2, 'such': 1, 'that': 9, 'them': 4, 'they': 1, 'thing': 1, 'things': 1, 'think': 1, 'this': 1, 'threatening': 1, 'three': 1, 'today': 1, 'tried': 1, 'truth': 3, 'want': 2, 'weasley': 1, 'week': 1, 'went': 1, 'what': 9, 'when': 1, 'where': 1, 'whether': 1, 'which': 1, 'will': 1, 'witch': 1, 'without': 1, 'worth': 1, 'would': 2, 'wouldn': 1, 'wrong': 1, 'yeah': 1}), 'instead': Counter({'among': 1, 'anyway': 1, 'back': 1, 'binoculars': 1, 'dare': 1, 'ears': 1, 'feeling': 1, 'found': 1, 'giant': 1, 'giving': 1, 'going': 1, 'gone': 1, 'harry': 1, 'lifting': 1, 'little': 1, 'looked': 1, 'looking': 1, 'made': 1, 'next': 1, 'numbers': 1, 'rain': 1, 'sacked': 1, 'said': 3, 'scabbers': 1, 'smiling': 1, 'stopping': 1, 'that': 2, 'thousands': 1, 'toward': 1}), 'rain': Counter({'crept': 1, 'endless': 1, 'great': 1, 'instead': 1, 'promised': 1, 'spray': 1, 'started': 1, 'that': 1}), 'promised': Counter({'fell': 1, 'himself': 1, 'rain': 1, 'storm': 1, 'what': 1, 'yesterday': 1}), 'yesterday': Counter({"'course": 1, 'bitterly': 1, 'gave': 1, 'have': 1, 'here': 1, 'make': 1, 'only': 1, 'promised': 1, 'stretched': 1, 'than': 1, 'then': 1, 'they': 1, 'time': 1, 'yellow': 1}), 'downpour': Counter({'shooting': 1, 'they': 1}), 'shooting': Counter({'armchair': 1, 'came': 1, 'classroom': 1, 'downpour': 1, 'owls': 2, 'something': 1, 'stars': 5}), 'stars': Counter({'ceiling': 1, 'different': 1, 'down': 1, 'heard': 1, 'movements': 1, 'over': 1, 'overhead': 1, 'perhaps': 1, 'shooting': 5, 'there': 1, 'well': 2, 'with': 1, 'written': 1}), 'perhaps': Counter({'because': 2, 'brooms': 1, 'could': 1, 'dragons': 1, 'except': 2, 'fast': 1, 'gamekeeper': 1, 'going': 1, 'harry': 2, 'hogwarts': 1, 'kind': 1, 'looking': 1, 'mouth': 1, 'moved': 1, 'nothing': 1, 'once': 2, 'people': 1, 'slytherin': 2, 'snape': 1, 'something': 1, 'somewhere': 1, 'stars': 1, 'sweets': 1, 'tell': 1, 'that': 1, 'they': 2, 'thirty': 1, 'took': 1, 'watching': 1, 'weasley': 1}), 'bonfire': Counter({'celebrating': 1, 'night': 1}), 'early': Counter({'capture': 1, 'morning': 1, 'need': 1, 'next': 1, 'night': 1, 'until': 1, 'woke': 2}), 'week': Counter({'about': 2, 'around': 1, 'because': 1, 'been': 1, 'before': 3, 'cupboard': 1, 'days': 1, 'dragged': 1, 'evenings': 1, 'first': 3, 'folks': 1, 'following': 1, 'found': 1, 'fred': 1, 'given': 1, 'harry': 1, 'homework': 1, 'just': 1, 'last': 1, 'later': 1, 'made': 1, 'next': 4, 'once': 1, 'opened': 1, 'quill': 1, 'said': 1, 'second': 1, 'send': 1, 'smoke': 1, 'snape': 1, 'tell': 1, 'term': 1, 'they': 1, 'time': 1, 'times': 2, 'trouble': 1, 'uncle': 1, 'until': 1, 'wonderful': 1}), 'folks': Counter({'promise': 1, 'week': 1}), 'promise': Counter({'folks': 1, 'going': 1, 'night': 1, 'said': 1}), 'frozen': Counter({'armchair': 1, 'dudley': 1, 'dursley': 1, 'with': 1}), 'armchair': Counter({'behind': 1, 'clutching': 1, 'frozen': 1, 'outside': 1, 'shooting': 1, 'sitting': 1}), 'britain': Counter({'dragons': 1, 'great': 1, 'ireland': 1, 'over': 1, 'owls': 1, 'said': 1}), 'place': Counter({'best': 1, 'could': 1, 'doors': 1, 'down': 1, 'dumbledore': 1, 'eleven': 1, 'empty': 1, 'famous': 2, 'first': 2, 'found': 1, 'fourth': 1, 'gryffindor': 1, 'harry': 1, 'house': 1, 'last': 2, 'loud': 1, 'minutes': 2, 'moleskin': 1, 'must': 1, 'night': 1, 'only': 1, 'over': 3, 'perfect': 1, 'right': 2, 'safest': 2, 'said': 4, 'second': 1, 'should': 1, 'snake': 1, 'snape': 1, 'splendid': 1, 'stands': 1, 'take': 4, 'taken': 1, 'that': 3, 'this': 2, 'thousands': 1, 'three': 1, 'tiny': 2, 'tonight': 1, 'took': 2, 'very': 2, 'wands': 1, 'whisper': 1, 'world': 2, 'would': 1, 'your': 1}), 'whisper': Counter({'about': 1, 'added': 1, 'bewitched': 1, 'bloody': 1, 'harry': 2, 'hermione': 1, 'hoarse': 1, 'matter': 1, 'place': 1, 'terrified': 1, 'than': 1, 'they': 1, 'thought': 1, 'whisper': 2}), 'carrying': Counter({'also': 1, 'arrived': 1, 'books': 1, 'cage': 1, 'cups': 1, 'grounds': 1, 'hagrid': 1, 'harry': 1, 'heel': 1, 'illegal': 1, 'large': 3, 'long': 1, 'mcgonagall': 1, 'room': 1, 'seen': 1, 'tumbled': 1}), 'cups': Counter({'carrying': 1, 'good': 1, 'shields': 1, 'them': 1}), 'cleared': Counter({'away': 1, 'backpack': 1, 'billowing': 1, 'harry': 1, 'right': 1, 'something': 1, 'television': 1, 'throat': 4, 'wood': 1}), 'throat': Counter({'cleared': 4, 'clutched': 1, 'made': 1, 'nervously': 1, 'silence': 1, 'sunshine': 1, 'them': 1}), 'nervously': Counter({'about': 1, 'apart': 1, 'eyes': 1, 'fiddling': 1, 'g-getting': 1, 'ground': 1, 'harry': 1, 'hermione': 1, 'laughed': 1, 'looking': 1, 'over': 1, 'petunia': 1, 'said': 1, 'sure': 1, 'them': 1, 'they': 1, 'think': 1, 'throat': 1, 'tried': 1, 'very': 1, 'welcome': 1, 'with': 1}), 'petunia': Counter({'aunt': 52, 'awake': 1, 'been': 1, 'burst': 1, 'came': 1, 'come': 1, 'could': 3, 'dare': 1, 'dear': 1, 'decided': 1, 'dudley': 5, 'dully': 1, 'dyeing': 1, 'found': 1, 'frantically': 1, 'funny': 1, 'gave': 1, 'gotten': 1, 'hammering': 1, 'house': 1, 'just': 1, 'kept': 1, 'knocking': 1, 'large': 1, 'liked': 1, 'lips': 1, 'looked': 1, 'looking': 1, 'nervously': 1, 'obviously': 1, 'often': 1, 'rushed': 1, 'saying': 1, 'sheared': 1, 'shredded': 1, 'slowly': 1, 'strong': 1, 'suddenly': 1, 'suggested': 1, 'swear': 1, 'talked': 1, 'taped': 1, 'they': 1, 'thought': 1, 'through': 2, 'tired': 1, 'took': 2, 'uncle': 2, 'visitors': 1, 'ways': 1, 'went': 1, 'what': 1, 'when': 1, 'would': 1}), 'your': Counter({"'snot": 1, 'about': 2, 'again': 2, 'answer': 1, 'aunt': 1, 'await': 1, 'back': 1, 'baskets': 1, 'bedroom': 1, 'befuddle': 1, 'being': 1, 'believe': 1, 'best': 1, 'bewitch': 1, 'black': 1, 'blankly': 1, 'bloodiness': 1, 'bowlers': 1, 'bravery': 1, 'break': 2, 'broken': 1, 'broom': 2, 'brooms': 2, 'broomstick': 1, 'brother': 2, 'brothers': 2, 'business': 2, 'call': 1, 'charlie': 1, 'cheek': 1, 'choice': 1, 'christmas': 1, 'comb': 1, 'conk': 1, 'contains': 1, 'could': 1, 'creepy': 1, 'cupboard': 2, 'cursing': 1, 'detention': 1, 'dirt': 1, 'dormitory': 1, 'earn': 1, 'enclose': 1, 'enemies': 1, 'enemy': 1, 'equipment': 1, 'eyes': 2, 'families': 1, 'family': 6, 'father': 13, 'feather': 1, 'feet': 1, 'fight': 1, 'first': 3, 'forever': 1, 'forget': 1, 'friend': 5, 'friends': 3, 'from': 3, 'g-getting': 1, 'good': 1, 'grab': 1, 'ground': 1, 'hair': 2, 'hand': 2, 'hang': 1, 'hating': 1, 'hats': 1, 'have': 2, 'head': 4, 'heads': 1, 'help': 1, 'here': 2, 'hermione': 3, 'hidden': 1, 'hogwarts': 1, 'hold': 1, 'hope': 1, 'hopefully': 1, 'horrible': 1, 'house': 8, 'houses': 2, 'human': 1, 'hurry': 1, 'information': 1, 'into': 1, 'just': 1, 'keep': 6, 'kill': 1, 'killed': 2, 'known': 1, 'later': 1, 'lead': 1, 'leave': 2, 'life': 1, 'like': 2, 'lips': 1, 'little': 2, 'long': 1, 'loyalties': 1, 'luck': 1, 'luggage': 1, 'make': 2, 'mean': 2, 'message': 1, 'mimsy-porpington': 1, 'mind': 1, 'mother': 4, 'mount': 1, 'must': 1, 'name': 2, 'neck': 2, 'need': 1, 'neither': 1, 'next': 1, 'nimbus': 1, 'none': 1, 'nose': 3, 'noses': 1, "o'clock": 1, 'oldest': 1, 'other': 1, 'over': 1, 'parents': 7, 'place': 1, 'platform': 2, 'pocket': 1, 'powerful': 1, 'problem': 2, 'question': 1, 'questions': 1, 'quidditch': 1, 'real': 1, 'received': 1, 'referee': 1, 'rest': 1, 'right': 1, 'robes': 1, 'said': 4, 'same': 3, 'save': 2, 'school': 1, 'screech': 1, 'seats': 1, 'sending': 1, 'sent': 1, 'service': 1, 'shake': 1, 'show': 1, 'showed': 1, 'sister': 1, 'sleep': 1, 'smelting': 1, 'smiled': 1, 'snape': 1, 'something': 1, 'somewhere': 1, 'sorry': 1, 'special': 1, 'spoil': 1, 'stick': 1, 'stone': 1, 'strength': 1, 'suppose': 1, 'surname': 1, 'take': 1, 'teachers': 1, 'that': 4, 'then': 1, 'thern': 1, 'things': 1, 'this': 1, 'time': 1, 'toad': 1, 'told': 1, 'touch': 1, 'touches': 1, 'triumphs': 1, 'troll': 1, 'under': 1, 'very': 1, 'voice': 1, 'wand': 3, 'want': 2, 'waving': 1, 'well': 2, 'what': 4, "what's-her-name": 1, 'when': 1, 'where': 2, 'which': 1, 'wickedly': 1, 'will': 1, 'with': 2, 'words': 1, 'world': 1, 'wrists': 1}), 'lately': Counter({'have': 1, 'here': 1, 'sister': 1, 'there': 1, 'worrying': 1, 'worst': 1}), 'expected': Counter({'always': 1, 'damage': 1, 'effect': 1, 'feel': 1, 'half': 2, 'harry': 2, 'have': 2, 'hermione': 1, 'into': 1, 'mcgonagall': 1, 'more': 1, 'mrs.': 1, 'never': 1, 'refuse': 1, 'room': 1, 'something': 1, 'that': 1, 'this': 1, 'voldemort': 1, 'what': 2}), 'shocked': Counter({'angry': 1, 'both': 1, 'hagrid': 2, 'harry': 1, 'impressed': 1, 'listen': 1, 'looked': 3, 'sorry': 1, 'stopped': 1, 'that': 1, 'vernon': 1}), 'angry': Counter({'after': 1, 'asked': 1, 'bane': 1, 'boils': 1, 'both': 1, 'came': 1, 'chased': 1, 'could': 1, 'gone': 1, 'goose': 1, 'harry': 2, 'jealous': 1, 'letter': 1, 'like': 1, 'lips': 1, 'look': 1, 'looking': 1, 'moved': 1, 'pain': 1, 'scared': 1, 'shocked': 1, 'teams': 1, 'upset': 1, 'very': 3, 'voice': 1, 'with': 1, 'worried': 1}), 'sharply': Counter({'back': 1, 'broomstick': 1, 'caught': 1, 'face': 1, 'funny': 1, 'hand': 1, 'harry': 1, 'heard': 1, 'jerked': 1, 'ollivander': 1, 'said': 3, 'touch': 1}), 'stuff': Counter({'about': 1, 'cakes': 1, 'fetchin': 1, 'from': 1, 'funny': 1, 'hagrid': 1, 'important': 1, 'interesting': 1, 'letters': 1, 'london': 1, 'looking': 1, 'math': 1, 'news': 1, 'people': 1, 'reasons': 1, 'school': 1, 'servant': 1, 'shinin': 1, 'silvery': 1, 'slimy': 1, 'stood': 1, 'students': 1, 'that': 2, 'they': 2, 'this': 2, 'upstairs': 1, 'were': 1}), 'mumbled': Counter({'dursley': 1, 'getting': 1, 'hagrid': 1, 'harry': 2, 'owls': 1, 'right': 1, 'stand': 1, 'stared': 1, 'trouble': 1}), 'funny-looking': Counter({'people': 1, 'were': 1}), 'maybe': Counter({"'cept": 1, 'anyway': 1, 'because': 1, 'behind': 1, 'blood': 1, 'change': 1, 'chickened': 1, 'even': 1, 'harry': 1, 'hermione': 1, 'hogwarts': 1, 'hoped': 1, 'house': 2, 'imagining': 2, 'just': 2, 'late': 1, 'minutes': 1, 'nine': 1, 'only': 1, 'peeves': 1, 'persuade': 1, 'prickled': 1, 'said': 1, 'side': 1, 'snape': 1, 'something': 1, 'suppose': 1, 'taking': 1, 'they': 1, 'thought': 4, 'voices': 1, 'wake': 1}), 'crowd': Counter({'adrian': 1, 'bein': 1, 'chattering': 1, 'clap': 1, 'confused': 1, 'easily': 1, 'feet': 1, 'frantically': 1, 'from': 1, 'gasped': 1, 'give': 1, 'heart': 1, 'hermione': 1, 'joined': 1, 'know': 1, 'large': 1, 'mrs.': 1, 'over': 1, 'parted': 1, 'people': 1, 'sign': 1, 'small': 1, 'thronging': 1, 'through': 3, 'tourists': 1, 'until': 1, 'what': 1, 'when': 1, 'while': 1, 'whole': 3}), 'sipped': Counter({'dursley': 1, 'through': 1}), 'through': Counter({'about': 1, 'ages': 4, 'ahead': 1, 'another': 1, 'archway': 1, 'away': 2, 'back': 5, 'barrier': 1, 'been': 1, 'binoculars': 1, 'black': 2, 'boarded-up': 1, 'books': 3, 'boys': 1, 'branches': 2, 'break': 1, 'bubbles': 1, 'bursting': 2, 'charged': 1, 'chattering': 1, 'cheering': 1, 'climb': 1, 'climbed': 2, 'coming': 1, 'corridors': 1, 'could': 1, 'creep': 1, 'crowd': 3, 'curtain': 1, 'curtains': 1, 'dark': 1, 'dense': 1, 'door': 10, 'doorways': 1, 'down': 3, 'dusty': 1, 'echoed': 1, 'every': 1, 'exams': 1, 'except': 1, 'excuse': 1, 'extra': 1, 'eyeglasses': 1, 'finer': 1, 'fingers': 1, 'flew': 1, 'floating': 1, 'flooded': 1, 'followed': 2, 'foot': 1, 'forced': 1, 'frantically': 1, 'gaps': 1, 'gate': 1, 'gateway': 1, 'girls': 1, 'glass': 1, 'gloom': 1, 'goes': 1, 'going': 2, 'good': 1, 'gotten': 1, 'greenhouse': 1, 'grin': 1, 'grounds': 1, 'hair': 2, 'halfway': 2, 'hall': 1, 'hangings': 1, 'harry': 4, 'head': 2, 'heavily': 1, 'heavy': 1, 'himself': 1, 'holding': 1, 'hole': 3, 'homework': 1, 'hoops': 3, 'human': 1, 'hundreds': 1, 'hurried': 1, 'hurtled': 1, 'into': 1, 'leaky': 1, 'leaves': 1, 'liked': 1, 'little': 1, 'living': 1, 'locked': 1, 'long': 1, 'looked': 1, 'lookin': 1, 'mail': 1, 'managed': 1, 'maze': 1, 'mean': 1, 'moonlight': 1, 'moons': 1, 'mother': 1, 'mouthful': 2, 'murmur': 1, 'murmured': 1, 'neville': 1, 'notes': 1, 'open': 1, 'opposite': 1, 'other': 1, 'pages': 1, 'pair': 1, 'particularly': 1, 'passed': 1, 'passing': 1, 'percy': 1, 'petunia': 2, 'piled': 1, 'point': 1, 'poking': 1, 'portrait': 3, 'pressed': 1, 'purple': 3, 'pursed': 1, 'quaffle': 1, 'quidditch': 4, 'reach': 1, 'read': 1, 'right': 1, 'ripped': 1, 'rushed': 1, 'safely': 1, 'scrambled': 1, 'scraped': 1, 'shut': 1, 'sides': 1, 'sidled': 1, 'silver': 1, 'sipped': 1, 'sixteen': 1, 'skies': 1, 'skimming': 2, 'slotted': 1, 'small': 1, 'snapped': 1, 'spluttered': 1, 'squeezed': 2, 'squinting': 1, 'stared': 1, 'stepped': 1, 'stones': 1, 'stood': 1, 'stormy': 1, 'straight': 2, 'streamed': 1, 'struggled': 1, 'sucked': 1, 'suddenly': 1, 'tangled': 1, 'tapestry': 1, 'that': 1, 'their': 9, 'them': 5, 'they': 1, 'tiptoe': 1, 'took': 1, 'tortoise': 1, 'train': 2, 'transfiguration': 1, 'trapdoor': 3, 'trees': 2, 'trying': 2, 'tulips': 1, 'undergrowth': 1, 'unwrapping': 1, 'vernon': 1, 'wafting': 1, 'walked': 2, 'wall': 1, 'when': 1, 'whirl': 1, 'whistled': 1, 'will': 1, 'zigzagging': 1}), 'pursed': Counter({'lips': 1, 'through': 1}), 'lips': Counter({'angry': 1, 'blew': 1, 'come': 1, 'curled': 1, 'dursley': 1, 'flute': 1, 'harry': 1, 'hooch': 1, 'lies': 1, 'moving': 1, 'neville': 1, 'petunia': 1, 'pursed': 1, 'snape': 1, 'tightened': 1, 'twitched': 1, 'were': 1, 'your': 1}), 'whether': Counter({'back': 1, 'bald': 1, 'dared': 1, 'filch': 1, 'hermione': 1, 'imagining': 1, 'know': 3, 'laugh': 1, 'meeting': 1, 'please': 1, 'safe': 1, 'snape': 1, 'tell': 1, 'they': 1, 'wondered': 3, 'wondering': 1}), 'dared': Counter({'always': 1, 'argue': 1, 'question': 1, 'tell': 1, 'that': 1, 'whether': 1}), 'decided': Counter({'after': 1, 'bludger': 1, 'call': 2, 'come': 1, 'company': 1, 'dare': 1, 'floor': 1, 'harry': 1, 'kill': 1, 'must': 1, 'over': 1, 'petunia': 1, 'potter': 1, 'punished': 1, 'search': 1, 'that': 1, 'titles': 1, 'truth': 1, 'where': 1, 'wood': 1, 'would': 1}), 'dare': Counter({'afraid': 1, 'against': 1, 'bacon': 1, 'burn': 1, 'decided': 1, 'fred': 1, 'friendly': 1, 'furiously': 1, 'guard': 1, 'hurt': 1, 'instead': 1, 'make': 1, 'mention': 1, 'might': 1, 'night': 1, 'petunia': 1, 'rubbish': 1, 'takin': 1, 'tell': 1, 'though': 1, 'trust': 1, 'understand': 1, 'where': 1, 'would': 1}), 'casually': Counter({'could': 1, 'getting': 1, 'hagrid': 1, 'heavens': 1, 'quirrell': 1, 'said': 2, 'wouldn': 1}), 'suppose': Counter({'about': 1, 'added': 1, 'back': 1, 'bane': 1, 'before': 1, 'begins': 1, 'caught': 1, 'clean': 1, 'could': 1, 'course': 1, 'equipment': 1, 'g-got': 1, 'going': 1, 'here': 1, 'himself': 1, 'hogwarts': 2, 'into': 1, 'kill': 1, 'late': 1, 'listening': 1, 'maybe': 1, 'mcgonagall': 1, 'much': 1, "myst'ry": 1, 'observed': 1, 'people': 1, 'prophet': 1, 'ravenclaw': 2, 'really': 1, 'said': 4, 'sorted': 1, 'take': 1, 'team': 1, 'temper': 1, 'that': 4, 'their': 1, 'they': 3, 'thing': 1, 'think': 4, 'thinks': 1, 'told': 1, 'vicious': 1, 'wand': 1, 'well': 1, 'with': 1, 'would': 1, 'your': 1}), 'stiffly': Counter({'began': 1, 'dursley': 1, 'sandy-haired': 1, 'seen': 1, 'stiff': 1, 'what': 1}), 'howard': Counter({'again': 1, 'harry': 1}), 'nasty': Counter({'always': 1, 'common': 1, 'crack': 1, 'crunching': 1, 'feeling': 2, 'grin': 3, 'harry': 3, 'married': 1, 'rather': 1, 'shade': 1, 'shock': 2, 'shoulder': 1, 'that': 1, 'there': 1, 'they': 1, 'thud': 1, 'trouble': 1, 'turned': 1, 'very': 2, 'with': 2}), 'common': Counter({'across': 1, 'alone': 1, 'apart': 1, 'back': 1, 'dark': 1, 'down': 1, 'entered': 1, 'good-bye': 1, 'gryffindor': 7, 'house': 1, 'into': 2, 'mule': 1, 'name': 1, 'nasty': 1, 'room': 20, 'said': 1, 'shame': 1, 'themselves': 1, 'waiting': 1, 'welsh': 1}), 'heart': Counter({'around': 1, 'book': 1, 'books': 2, 'brave': 1, 'clutching': 1, 'course': 1, 'crowd': 1, 'dursley': 1, 'either': 1, 'fire': 1, 'first': 1, 'forest': 1, 'fred': 1, 'gave': 2, 'hammered': 1, 'hammering': 1, 'harry': 5, 'into': 1, 'jolt': 1, 'learn': 1, 'memorize': 1, 'over': 1, 'potter': 1, 'pounding': 1, 'racing': 1, 'remembered': 1, 'right': 1, 'rose': 1, 'sank': 1, 'saying': 1, 'sinking': 2, 'skipped': 1, 'snape': 1, 'somersault': 1, 'speech': 1, 'spells': 1, 'stared': 1, 'stopped': 1, 'their': 1, 'they': 1, 'thought': 1, 'twanging': 1, 'very': 1}), 'sinking': Counter({'heart': 2, 'horribly': 1, 'still': 1}), 'horribly': Counter({'killed': 1, 'like': 1, 'looked': 1, 'only': 1, 'quite': 1, 'sinking': 1}), 'agree': Counter({'another': 1, 'know': 1, 'must': 1, 'quite': 1}), 'subject': Counter({'changed': 1, 'purpose': 1, 'scared': 1, 'they': 1, 'where': 1, 'word': 1}), 'upstairs': Counter({'asked': 1, 'back': 2, 'barred': 1, 'clicked': 1, 'come': 1, 'dursleys': 1, 'found': 1, 'from': 1, 'hanging': 1, 'harry': 1, 'headed': 1, 'horror': 1, 'move': 1, 'practice': 1, 'rushed': 1, 'smothering': 1, 'stuff': 1, 'their': 1, 'trip': 1, 'went': 1, 'when': 1, 'while': 1, 'window': 1, 'windows': 1, 'with': 1}), 'while': Counter({'after': 1, 'alone': 1, 'answer': 2, 'apologized': 1, 'armchairs': 1, 'arts': 1, 'aunt': 1, 'away': 2, 'backs': 1, 'because': 1, 'before': 2, 'bitten': 1, 'cats': 1, 'ceiling': 2, 'chamber': 1, 'change': 1, 'copying': 1, 'could': 1, 'crowd': 1, 'decide': 1, 'direction': 1, 'droned': 1, 'drove': 1, 'dudley': 1, 'enough': 1, 'everyone': 2, 'fine': 1, 'flamel': 1, 'footstool': 1, 'forest': 1, 'from': 1, 'giant': 1, 'gryffindor': 1, 'hagrid': 3, 'happening': 1, 'harry': 3, 'here': 1, 'high': 1, 'hogwarts': 1, 'leaving': 1, 'light': 1, 'little': 1, 'looking': 1, 'malfoy': 1, 'match': 1, 'move': 1, 'mrs.': 1, 'much': 1, 'near': 1, 'necks': 1, 'neville': 1, 'once': 1, 'only': 1, 'other': 2, 'path': 1, 'piers': 1, 'playing': 1, 'points': 1, 'presents': 1, 'purpose': 1, 'quite': 1, 'repeated': 1, 'room': 2, 'rulebreaking': 1, 'safety': 1, 'search': 1, 'second': 1, "shake'em": 1, 'shopping': 1, 'smoke': 1, 'snape': 3, 'start': 1, 'still': 1, 'stools': 1, 'strode': 1, 'studyin': 1, 'stumped': 1, 'sweet': 1, 'take': 1, 'teachers': 1, 'them': 2, 'they': 4, 'thing': 1, 'this': 1, 'thousand': 1, 'today': 1, 'told': 1, 'took': 2, 'tried': 1, 'uncle': 1, 'unfortunately': 1, 'upstairs': 1, 'vigorously': 1, 'waiting': 1, 'weasley': 1, 'were': 2, 'window': 1, 'wizards': 2, 'wondering': 1, 'yelling': 1}), 'bathroom': Counter({'downstairs': 1, 'dursley': 2, 'girls': 3, 'harry': 1, 'they': 1, 'uncle': 1, 'wanted': 1}), 'crept': Counter({'across': 2, 'alone': 1, 'along': 1, 'bedroom': 1, 'cloak': 1, 'days': 1, 'door': 1, 'dormitory': 1, 'down': 1, 'dursley': 1, 'hammered': 1, 'into': 1, 'late': 1, 'minutes': 1, 'nearer': 1, 'rain': 1, 'there': 1, 'they': 2, 'toward': 1, 'wands': 1}), 'bedroom': Counter({'crept': 1, 'cupboard': 1, 'first': 1, 'only': 1, 'privet': 1, 'said': 1, 'second': 1, 'smallest': 1, 'wheezed': 1, 'where': 1, 'window': 1, 'your': 1}), 'peered': Counter({'ajar': 1, 'constrictor': 1, 'doorway': 1, 'down': 1, 'harry': 2, 'inside': 2, 'into': 1, 'mcgonagall': 1, 'sternly': 1, 'then': 1, 'window': 2}), 'front': Counter({'around': 1, 'asleep': 1, 'back': 2, 'been': 1, 'broomstick': 1, 'clap': 1, 'classroom': 1, 'conductor': 1, 'constrictor': 1, 'desk': 1, 'dishes': 1, 'door': 7, 'doorstep': 1, 'down': 5, 'dursleys': 1, 'everyone': 1, 'feet': 1, 'fire': 1, 'first': 1, 'floor': 2, 'foot': 1, 'garden': 1, 'gardens': 1, 'glass': 2, 'halt': 1, 'harry': 2, 'himself': 1, 'hooch': 1, 'huge': 1, 'into': 3, 'just': 1, 'knocking': 1, 'large': 1, 'left': 1, 'legs': 1, 'make': 1, 'malfoy': 2, 'minutes': 1, 'mirror': 4, 'moved': 1, 'nephew': 1, 'opened': 1, 'outside': 1, 'patil': 1, 'portrait': 1, 'prefects': 1, 'reaching': 1, 'rest': 1, 'right': 1, 'road': 1, 'rule': 1, 'said': 1, 'staff': 1, 'stand': 1, 'step': 1, 'stepped': 2, 'steps': 3, 'stool': 1, 'swarming': 1, 'tall': 1, 'tank': 1, 'teeth': 1, 'test': 1, 'them': 3, 'these': 1, 'they': 1, 'tidy': 1, 'time': 1, 'toward': 2, 'turned': 1, 'walked': 1, 'weasley': 1, 'were': 1, 'whole': 1, 'window': 1, 'with': 1}), 'staring': Counter({'again': 1, 'around': 1, 'avoid': 1, 'back': 2, 'blank': 1, 'clearing': 1, 'dark': 1, 'door': 1, 'down': 2, 'eyes': 3, 'faces': 1, 'from': 1, 'glass': 1, 'glistening': 1, 'great': 1, 'hagrid': 1, 'hall': 1, 'harry': 2, 'letter': 1, 'light': 1, 'mcgonagall': 1, 'over': 1, 'question': 1, 'raised': 1, 'shadows': 1, 'silent': 1, 'slippers': 1, 'stared': 1, 'still': 3, 'them': 2, 'there': 1, 'though': 1, 'three': 1, 'transfixed': 1, 'upright': 1, 'what': 1, 'window': 1, 'windowsill': 1}), 'waiting': Counter({'b-but': 1, 'barked': 1, 'been': 2, 'bidden': 1, 'cold': 1, 'common': 1, 'door': 1, 'dursleys': 1, 'engine': 1, 'everyone': 1, 'eyes': 1, 'field': 1, 'flitwick': 1, 'foot': 1, 'forest': 1, 'frogs': 1, 'hocus-pocus': 1, 'killers': 1, 'next': 1, 'ollivander': 1, 'pile': 1, 'pretend': 1, 'professor': 1, 'room': 2, 'said': 2, 'something': 1, 'teams': 1, 'that': 1, 'them': 2, 'unwrapped': 1, 'voldemort': 1, 'were': 1, 'what': 1, 'while': 1}), 'related': Counter({'pair': 1, 'were': 1}), 'pair': Counter({'binoculars': 1, 'crossbow': 1, 'doors': 1, 'double': 1, 'found': 1, 'galoshes': 1, 'glasses': 1, 'goblins': 1, 'hagrid': 1, 'hanger': 1, 'holding': 1, 'human': 1, 'kitchen': 1, 'large': 1, 'like': 1, 'people': 1, 'protective': 1, 'related': 1, 'second': 1, 'single': 1, 'snitch': 1, 'taken': 1, 'them': 1, 'then': 1, 'thick': 1, 'through': 1, 'twin': 1, 'uncle': 1, 'under': 1, 'waist': 1, 'wear': 1, 'well': 1}), 'asleep': Counter({'again': 1, 'almost': 2, 'cage': 1, 'collapsed': 1, 'dark': 1, 'dudley': 1, 'fallen': 2, 'falling': 1, 'fast': 6, 'fell': 6, 'flyin': 1, 'front': 1, 'harry': 1, 'himself': 1, 'jerked': 1, 'keep': 2, 'moment': 1, 'name': 1, 'neville': 1, 'quickly': 1, 'snowy': 1, 'sure': 1, 'that': 1, 'there': 1, 'under': 1, 'until': 1, 'were': 1, 'which': 1, 'with': 1}), 'quickly': Counter({'added': 2, 'almost': 1, 'another': 2, 'anyone': 1, 'around': 2, 'asleep': 1, 'back': 2, 'because': 1, 'behind': 1, 'caught': 1, 'cloak': 1, 'closed': 1, 'come': 2, 'dived': 1, 'door': 1, 'down': 2, 'dressed': 1, 'dropped': 1, 'dudley': 1, 'dursley': 1, 'enough': 1, 'faded': 1, 'follow': 1, 'following': 1, 'found': 2, 'from': 1, 'getting': 1, 'going': 1, 'gone': 1, 'hagrid': 1, 'hall': 1, 'harry': 6, 'hide': 1, 'just': 1, 'know': 1, 'landed': 1, 'looked': 5, 'looking': 1, 'malfoy': 3, 'more': 2, 'noise': 1, 'over': 1, 'people': 1, 'possible': 2, 'pressed': 1, 'robes': 1, 'said': 3, 'shut': 1, 'sight': 1, 'sony': 1, 'spindly': 1, 'standing': 1, 'stopped': 1, 'surprise': 1, 'than': 1, 'that': 1, 'there': 1, 'they': 1, 'turned': 1, 'walked': 1, 'wanting': 1, 'where': 2, 'whimper': 1, 'window': 2}), 'awake': Counter({'dursley': 1, 'jerked': 1, 'matter': 1, 'much': 1, 'petunia': 1, 'shook': 1, 'shrill': 1, 'sitting': 1, 'stayed': 1, 'suddenly': 1, 'they': 1, 'thought': 1, 'turning': 1, 'where': 1}), 'turning': Counter({'again': 1, 'armchairs': 1, 'awake': 1, 'back': 1, 'envelope': 1, 'fireplace': 1, 'giant': 1, 'hagrid': 1, 'harry': 2, 'himself': 1, 'into': 1, 'know': 1, 'lights': 1, 'muttered': 1, 'over': 3, 'page': 1, 'pile': 1, 'pink': 1, 'said': 2, 'something': 1, 'spawn': 1, 'stamp': 1, 'stare': 1, 'teacups': 1, 'then': 1, 'ugly': 1, 'were': 1, 'without': 1}), 'comforting': Counter({'call': 1, 'harry': 1, 'last': 1, 'thought': 1}), 'near': Counter({'again': 1, 'anywhere': 1, 'armor': 1, 'black-haired': 1, 'brim': 1, 'broom': 1, 'came': 1, 'come': 1, 'compartment': 1, 'enough': 1, 'going': 1, 'gold': 1, 'here': 1, 'just': 1, 'kick': 1, 'kitchens': 1, 'midnight': 1, 'mrs.': 1, 'never': 1, 'nowhere': 1, 'privately': 1, 'seven': 1, 'skulking': 1, 'snape': 1, 'started': 1, 'station': 1, 'their': 1, 'they': 1, 'third': 1, 'train': 1, 'twitched': 1, 'while': 1}), 'kind': Counter({'ache': 1, 'could': 1, 'have': 1, 'muggle': 1, 'perhaps': 1, 'powerful': 1, 'public': 1, 'reached': 1, 'smile': 1, 'socks': 1, 'strangely': 1, 'tell': 1, 'their': 2, 'they': 1, 'underground': 1, 'until': 1, 'very': 1, 'were': 2}), 'mixed': Counter({'anything': 1, 'brandy': 1, 'could': 1, 'getting': 1, 'oddball': 1, 'professor': 1, 'with': 2}), 'yawned': Counter({'going': 1, 'hagrid': 1, 'loudly': 1, 'turned': 1}), 'turned': Counter({'afford': 1, 'again': 1, 'arms': 1, 'around': 1, 'back': 2, 'because': 1, 'been': 1, 'behind': 1, 'binoculars': 1, 'blank': 1, 'bottle': 1, 'bright': 1, 'broken': 1, 'broomstick': 2, 'cantered': 1, 'card': 1, 'castle': 1, 'charlie': 1, 'chips': 1, 'choice': 1, 'corner': 1, 'disappeared': 1, 'door': 1, 'doorstep': 1, 'dudley': 1, 'dumbledore': 1, 'dursleys': 1, 'entrance': 1, 'eyes': 1, 'face': 2, 'fast': 1, 'from': 1, 'front': 1, 'fumbling': 1, 'godric': 1, 'griphook': 1, 'hagrid': 1, 'harry': 11, 'head': 1, 'heel': 1, 'helmeted': 1, 'hermione': 4, 'hufflepuffs': 1, 'insides': 1, 'into': 3, 'joke': 1, 'just': 1, 'knight': 1, 'knows': 1, 'lamplike': 1, 'lead': 1, 'left': 1, 'legs': 1, 'lesson': 1, 'lessons': 1, 'light': 1, 'little': 1, 'lock': 1, 'look': 1, 'looked': 1, 'magic': 1, 'malfoy': 3, 'mcgonagall': 3, 'murmured': 1, 'nastily': 1, 'nasty': 1, 'nodded': 1, 'norris': 1, 'other': 2, 'others': 1, 'outside': 1, 'over': 3, 'pepper': 1, 'person': 1, 'portrait': 1, 'queen': 1, 'quickly': 1, 'rations': 1, 'rest': 1, 'right': 2, 'safe': 1, 'seat': 1, 'seemed': 1, 'shivered': 1, 'side': 1, 'sight': 1, 'slowly': 3, 'smile': 1, 'snape': 1, 'somehow': 1, 'started': 1, 'suddenly': 1, 'table': 1, 'talk': 1, 'teacher': 1, 'their': 2, 'then': 2, 'they': 1, 'this': 1, 'thousand': 1, 'times': 1, 'toward': 1, 'twins': 1, 'twisted': 1, 'unluckily': 1, 'usual': 1, 'very': 2, 'village': 1, 'voldemort': 1, 'walked': 2, 'weather': 1, 'welcome': 1, 'when': 2, 'wherever': 1, 'which': 2, 'white': 1, 'wood': 1, 'worked': 1, 'worst': 1, 'yawned': 1}), 'affect': Counter({'could': 1, 'them': 1}), 'wrong': Counter({'anything': 1, 'been': 1, 'doing': 1, 'done': 1, 'dursley': 1, 'even': 1, 'fourteen': 1, 'going': 1, 'good': 1, 'hands': 1, 'harry': 1, 'managed': 1, 'powerful': 1, 'said': 1, 'saying': 1, 'showed': 1, 'shut': 1, 'side': 1, 'snape': 1, 'something': 1, 'sort': 2, 'tell': 1, 'tellin': 1, 'that': 1, 'there': 1, 'very': 1, 'what': 1, 'when': 1, 'with': 4, 'worse': 1, 'years': 1, 'yehve': 1}), 'drifting': Counter({'been': 1, 'into': 1}), 'sleep': Counter({'back': 1, 'could': 3, 'deep': 1, 'first': 1, 'fluffy': 1, 'going': 1, 'grunted': 1, 'hagrid': 1, 'harry': 4, 'house': 1, 'late': 1, 'needed': 2, 'night': 2, 'owlery': 1, 'pulled': 1, 'said': 1, 'shivered': 1, 'should': 1, 'some': 1, 'straight': 1, 'tried': 1, 'truth': 1, 'uneasy': 1, 'wall': 1, 'well': 1, 'went': 1, 'your': 1}), 'showing': Counter({'about': 1, 'banner': 1, 'fingers': 1, 'neville': 1, 'outside': 1, 'people': 1, 'pointed': 1, 'said': 1, 'sign': 1, 'slytherin': 2, 'them': 2, 'were': 1}), 'sleepiness': Counter({'sign': 1, 'sitting': 1}), 'statue': Counter({'behind': 1, 'every': 1, 'eyes': 1, 'gregory': 1, 'shadow': 1, 'still': 2, 'think': 1}), 'fixed': Counter({'door': 1, 'dumbledore': 2, 'eyes': 3, 'harry': 2, 'ollivander': 1, 'rather': 1, 'unblinkingly': 1, 'woman': 1}), 'unblinkingly': Counter({'corner': 1, 'fixed': 1, 'stared': 1, 'upward': 1}), 'quiver': Counter({'arrows': 1, 'crossbow': 1, 'much': 1, 'percy': 1, 'seemed': 1, 'when': 1}), 'slammed': Counter({'arms': 1, 'door': 5, 'hagrid': 1, 'harry': 1, 'into': 1, 'mcgonagall': 1, 'next': 1, 'them': 1, 'they': 1, 'vernon': 1}), 'swooped': Counter({'cursing': 1, 'down': 1, 'dropped': 1, 'feeling': 1, 'goal': 1, 'loudly': 1, 'more': 1, 'open': 1, 'over': 1, 'overhead': 1, 'owls': 1, 'suddenly': 1, 'they': 1, 'what': 1}), 'midnight': Counter({'around': 1, 'before': 1, 'chimed': 1, 'duel': 1, 'ickle': 1, 'knew': 1, 'learn': 1, 'lighted': 1, 'near': 1, 'nearly': 1, 'nine': 1, 'over': 1, 'right': 1, 'said': 1, 'saturday': 3, 'sweat': 1, 'ticked': 1, 'tower': 1, 'wednesday': 1, 'when': 1}), 'appeared': Counter({'blocks': 1, 'corner': 1, 'crack': 1, 'desserts': 1, 'face': 1, 'feast': 1, 'flitwick': 1, 'floating': 1, 'from': 1, 'grew': 1, 'hole': 1, 'leading': 1, 'malfoy': 1, 'mcgonagall': 1, 'mouth': 1, 'moved': 1, 'neville': 1, 'nowhere': 1, 'open': 1, 'pale': 1, 'suddenly': 2, 'tinge': 1, 'watching': 1}), 'watching': Counter({'anyone': 2, 'appeared': 1, 'been': 2, 'cloak': 1, 'dumbledore': 2, 'everyone': 1, 'eyes': 1, 'feet': 1, 'fields': 1, 'hagrid': 1, 'harry': 2, 'house': 2, 'imagined': 1, 'other': 1, 'others': 1, 'people': 1, 'perhaps': 1, 'quiet': 1, 'quiz': 1, 'sadly': 2, 'seamus': 1, 'seemed': 1, 'spying': 1, 'stretched': 1, 'terrified': 1, 'them': 2, 'they': 2, 'think': 1, 'time': 1, 'were': 1}), 'silently': Counter({'dressed': 1, 'gliding': 1, 'have': 2, 'mcgonagall': 1, 'moved': 1, 'must': 1, 'nodded': 1, 'over': 1, 'placed': 1, 'scurried': 1, 'suddenly': 1, 'toward': 1, 'wherever': 1}), 'popped': Counter({'golden-brown': 1, 'ground': 1, 'just': 1, 'smiled': 1}), 'tail': Counter({'bandaged': 1, 'banged': 1, 'curly': 1, 'feather': 1, 'feathers': 1, 'ground': 1, 'hair': 1, 'harry': 1, 'horn': 1, 'jabbed': 2, 'little': 1, 'long': 1, 'neat': 1, 'phoenix': 1, 'poking': 1, 'reddish': 1, 'removed': 1, 'ruddy': 1, 'scabbers': 1, 'sign': 1, 'snape': 1, 'think': 1, 'twitched': 1, 'wall': 1, 'when': 2, 'whose': 1}), 'twitched': Counter({'beard': 1, 'eyes': 1, 'growled': 1, 'lips': 1, 'moment': 1, 'near': 1, 'tail': 1, 'then': 1, 'they': 1, 'weak': 1}), 'narrowed': Counter({'eyes': 1, 'nothing': 1, 'toward': 1, 'wicked': 1}), 'tall': Counter({'almost': 1, 'anyone': 1, 'black-haired': 1, 'drive': 1, 'feet': 1, 'front': 1, 'ghost': 1, 'hogwarts': 1, 'next': 1, 'normal': 1, 'once': 1, 'skin': 1, 'sleek': 1, 'sons': 1, 'suit': 1, 'thin': 3, 'time': 1, 'twice': 2, 'twins': 1, 'witch': 1, 'with': 1}), 'judging': Counter({'silver': 1, 'very': 1}), 'silver': Counter({'badge': 1, 'beard': 1, 'became': 1, 'black': 2, 'blast': 1, 'blood': 1, 'boats': 1, 'celebrate': 1, 'cigarette': 1, 'columns': 1, 'dappled': 1, 'doors': 2, 'dumbledore': 1, 'eleven': 1, 'examined': 1, 'fastenings': 1, 'flowing': 1, 'fluttering': 1, 'gold': 2, 'gone': 1, 'green': 1, 'hair': 3, 'heaps': 1, 'instruments': 1, 'judging': 1, 'large': 1, 'like': 1, 'mainly': 1, 'markings': 1, 'misty': 1, 'moonlight': 1, 'peas': 1, 'pewter': 1, 'pointy': 1, 'probably': 1, 'put-outer': 1, 'ready': 1, 'scarlet': 1, 'seemed': 1, 'self-stirring': 1, 'seventeen': 1, 'shiny': 1, 'sickle': 1, 'sickles': 2, 'strange': 1, 'teeth': 1, 'that': 2, 'this': 1, 'through': 1, 'took': 1, 'unicorn': 1, 'volume': 1, 'whistle': 1, 'wings': 1, 'winked': 1, 'with': 2}), 'hair': Counter({'barked': 1, 'bathrobe': 1, 'beard': 4, 'black': 4, 'blond': 1, 'bright': 1, 'brown': 1, 'dark': 1, 'difference': 1, 'drawn': 1, 'dudley': 1, 'each': 1, 'eight': 1, 'exactly': 1, 'eyes': 2, 'face': 1, 'find': 1, 'fixing': 1, 'flaming': 1, 'flatten': 1, 'freckles': 1, 'giant': 1, 'glasses': 1, 'going': 1, 'gray': 1, 'have': 1, 'hooked': 1, 'jet-black': 1, 'loss': 1, 'malfoy': 1, 'mane': 1, 'nearly': 1, 'only': 1, 'over': 1, 'palomino': 1, 'potions': 1, 'rather': 1, 'revenges': 1, 'robes': 1, 'sandy': 1, 'scissors': 1, 'shall': 1, 'short': 1, 'silver': 3, 'simply': 1, 'sweaty': 1, 'tail': 1, 'that': 2, 'their': 1, 'they': 1, 'through': 2, 'under': 1, 'unicorn': 2, 'very': 1, 'wearing': 1, 'whistle': 1, 'white-blond': 1, 'wild': 1, 'with': 3, 'yellow': 1, 'your': 2}), 'beard': Counter({'below': 1, 'could': 1, 'eyebrows': 1, 'hagrid': 2, 'hair': 4, 'harry': 2, 'into': 1, 'most': 1, 'mustache': 1, 'pointed': 1, "shouldn'ta": 1, 'silver': 1, 'stroked': 1, 'tangled': 1, 'that': 1, 'twitched': 1, 'which': 1, 'wild': 1, 'with': 1}), 'both': Counter({'angry': 1, 'boys': 1, 'breath': 1, 'brought': 1, 'came': 1, 'croaked': 1, 'dentists': 1, 'door': 1, 'down': 1, 'feet': 1, 'hagrid': 1, 'hands': 3, 'harry': 3, 'heads': 1, 'hermione': 1, 'landing': 1, 'leapt': 1, 'long': 1, 'look': 1, 'looked': 2, 'looking': 1, 'made': 1, 'making': 1, 'mine': 1, 'much': 1, 'passed': 1, 'said': 6, 'send': 1, 'shocked': 1, 'shut': 1, 'sounding': 1, 'still': 1, 'surprise': 1, 'that': 1, 'them': 7, 'they': 4, 'thinking': 1, 'tightly': 1, 'took': 1, 'vaults': 1, 'very': 1, 'were': 1, 'with': 3}), 'long': Counter({'after': 2, 'alive': 1, 'animals': 1, 'another': 1, 'arms': 1, 'around': 1, 'aunt': 1, 'beautiful': 1, 'been': 1, 'behind': 1, 'black': 3, 'boastful': 1, 'body': 1, 'both': 1, 'bundled': 1, 'carrying': 1, 'confiscated': 1, 'could': 2, 'counter': 1, 'creepers': 1, 'crooked': 2, 'disturb': 1, 'down': 1, 'drink': 1, 'dumbledore': 1, 'during': 1, 'ears': 1, 'enough': 2, 'fang': 1, 'feet': 1, 'fingers': 2, 'four': 1, 'gallery': 1, 'glasses': 1, 'going': 1, 'golden': 1, 'gone': 2, 'hairy': 1, 'handle': 1, 'have': 1, 'hidden': 1, 'holding': 1, 'hours': 1, 'inches': 2, 'just': 1, 'lightning': 1, 'liked': 2, 'line': 1, 'magic': 1, 'moleskin': 1, 'moment': 1, 'morning': 1, 'mother': 1, 'nice': 2, 'nose': 1, 'once': 1, 'pinned': 1, 'pipe': 1, 'pointed': 1, 'poked': 1, 'potter': 1, 'pulled': 1, 'purple': 1, 'quill': 1, 'quirrell': 1, 'read': 1, 'reddish': 1, 'robe': 1, 'robes': 1, 'roll': 1, 'room': 1, 'ruffled-looking': 1, 'sadness': 1, 'safe': 2, 'search': 1, 'shaggy': 1, 'silence': 1, 'slender': 1, 'slipped': 1, 'smoking': 1, 'snout': 1, 'stay': 1, 'stick': 1, 'stood': 1, 'swishy': 1, 'table': 1, 'tables': 1, 'tail': 1, 'tangles': 1, 'tape': 1, 'teeth': 1, 'that': 1, 'their': 1, 'then': 1, 'they': 1, 'thin': 3, 'through': 1, 'tightly': 1, 'time': 3, 'told': 1, 'took': 3, 'troll': 1, 'trying': 1, 'very': 4, 'waggled': 1, 'waving': 1, 'wearing': 1, 'were': 1, 'white': 1, 'wild': 1, 'wiping': 1, 'with': 3, 'without': 2, 'wonder': 1, 'wood': 1, 'worse': 1, 'years': 1, 'your': 1}), 'enough': Counter({'about': 1, 'been': 1, 'brave': 2, 'cloaks': 1, 'come': 1, 'couple': 1, 'cover': 1, 'cream': 1, 'creepy': 1, 'done': 1, 'down': 1, 'drink': 1, 'dunno': 2, 'easy': 2, 'elixir': 1, 'even': 1, 'everyone': 1, 'fascinating': 1, 'fast': 2, 'force': 1, 'ginny': 1, 'good': 1, 'gryffindor': 1, 'hagrid': 1, 'hand': 1, 'happened': 1, 'harry': 2, 'have': 4, 'hear': 2, 'help': 2, 'hermione': 1, 'high': 1, 'human': 2, 'keep': 1, 'knows': 1, 'large': 1, 'long': 2, 'look': 1, 'magic': 2, 'make': 1, 'near': 1, 'nibble': 1, 'only': 1, 'pain': 1, 'poking': 1, 'questions': 1, 'quick': 1, 'quickly': 1, 'reflection': 1, 'right': 1, 'said': 2, 'should': 1, 'socks': 1, 'sometimes': 1, 'space': 1, 'stormed': 1, 'strength': 1, 'strong': 1, 'sure': 1, 'taught': 1, 'that': 1, 'there': 1, 'they': 1, 'this': 2, 'trusted': 1, 'tuck': 1, 'turn': 1, 'understand': 1, 'unfortunate': 1, 'wake': 1, 'weasley': 1, 'well': 1, 'were': 1, 'what': 1, 'while': 1, 'will': 1, 'with': 1, 'without': 1, 'working': 1, 'would': 1, 'youth': 1}), 'tuck': Counter({'enough': 1, 'into': 1}), 'belt': Counter({'into': 1, 'wearing': 1}), 'robes': Counter({'above': 1, 'anyone': 1, 'anyway': 1, 'barely': 1, 'bill': 1, 'black': 3, 'change': 1, 'charlie': 1, 'dropped': 1, 'emerald-green': 1, 'face': 1, 'gets': 1, 'hair': 1, 'harry': 2, 'hogwarts': 2, 'holding': 1, 'just': 1, 'long': 1, 'madam': 1, 'malfoy': 1, 'malkin': 1, 'neville': 1, 'occasions': 1, 'over': 2, 'picked': 1, 'pocket': 1, 'provoked': 1, 'pulled': 1, 'purple': 1, 'putting': 1, 'quickly': 1, 'quidditch': 2, 'selling': 1, 'shops': 1, 'slytherin': 1, 'snape': 1, 'stained': 1, 'stood': 1, 'their': 1, 'took': 1, 'were': 1, 'whipped': 1, 'wizard': 2, 'work': 1, 'your': 1}), 'purple': Counter({'cloak': 1, 'coat': 1, 'cushion': 1, 'deep': 1, 'either': 1, 'face': 2, 'faded': 1, 'fire': 1, 'firecrackers': 1, 'flames': 1, 'harry': 1, 'know': 1, 'large': 2, 'long': 1, 'robes': 1, 'same': 1, 'seal': 1, 'several': 1, 'through': 3, 'train': 1, 'turban': 1, 'went': 1}), 'swept': Counter({'around': 1, 'boils': 1, 'ground': 1, 'that': 1}), 'high-heeled': Counter({'buckled': 1, 'ground': 1}), 'buckled': Counter({'boots': 1, 'high-heeled': 1}), 'boots': Counter({'beaverskin': 1, 'blue': 1, 'buckled': 1, 'have': 1, 'huge': 1, 'leather': 1, 'name': 1, 'quidditch': 1, 'unwelcome': 1, 'were': 1}), 'blue': Counter({'astonishingly': 1, 'boots': 1, 'bright': 4, 'cloud': 1, 'eyes': 3, 'fire': 1, 'flames': 1, 'forget-me-not': 1, 'kept': 1, 'note': 1, 'smoke': 1, 'sweaters': 1, 'teacher': 1, 'there': 1, 'watery': 1, 'wearing': 1, 'wings': 1}), 'bright': Counter({'across': 1, 'ball': 1, 'blue': 4, 'clouds': 1, 'cold': 1, 'glass': 1, 'gold': 1, 'green': 2, 'hair': 1, 'light': 1, 'mars': 3, 'moon': 1, 'powders': 1, 'roots': 1, 'something': 1, 'sparkling': 1, 'them': 1, 'tonight': 3, 'took': 1, 'turned': 1, 'unusually': 1, 'very': 1, 'walnut': 1, 'went': 1, 'white': 1, 'with': 1, 'words': 1, 'yeah': 1}), 'sparkling': Counter({'behind': 1, 'bright': 1, 'clean': 1, 'some': 1, 'starry': 1, 'them': 1, 'windows': 1, 'with': 1}), 'behind': Counter({'-and': 1, 'able': 1, 'after': 1, 'along': 2, 'armchair': 1, 'arms': 1, 'asked': 1, 'back': 3, 'bane': 1, 'binns': 1, 'black': 1, 'body': 1, 'castle': 1, 'caught': 1, 'chessboard': 1, 'cloak': 1, 'close': 3, 'counter': 1, 'crash': 1, 'door': 5, 'even': 1, 'everyone': 1, 'fallen': 1, 'felt': 1, 'fine': 1, 'footsteps': 1, 'from': 8, 'galloping': 1, 'glass': 1, 'goyle': 1, 'greenhouses': 1, 'hagrid': 2, 'half-moon': 1, 'harry': 4, 'hidden': 1, 'hide': 1, 'hiding': 1, 'high': 1, 'hooves': 1, 'invisible': 1, 'jump': 1, 'just': 2, 'kicked': 1, 'large': 1, 'leaving': 1, 'left': 1, 'lies': 1, 'line': 1, 'little': 1, 'locked': 1, 'long': 1, 'looked': 2, 'make': 1, 'maybe': 1, 'miles': 1, 'mirror': 1, 'miserably': 1, 'mother': 1, 'neville': 1, 'paper': 1, 'path': 1, 'people': 2, 'quickly': 1, 'quirrell': 1, 'really': 1, 'reflected': 1, 'reflection': 1, 'right': 3, 'ronan': 1, 'room': 2, 'rushed': 1, 'screamed': 1, 'shivering': 1, 'shout': 1, 'shut': 1, 'sitting': 1, 'sliding': 1, 'sneak': 1, 'sneaked': 1, 'sniggered': 1, 'something': 1, 'sparkling': 1, 'sprang': 1, 'standing': 1, 'statue': 1, 'stood': 1, 'stools': 1, 'table': 1, 'teachers': 1, 'terrified': 1, 'that': 2, 'their': 3, 'them': 12, 'they': 2, 'three-thirty': 1, 'times': 1, 'towering': 1, 'trash': 1, 'tree': 1, 'trees': 1, 'troll': 1, 'turned': 1, 'uncle': 2, 'wall': 1, 'walls': 1, 'well': 1, 'were': 1, 'whipped': 1, 'white': 1, 'wild': 1, 'will': 1, 'with': 3, 'wrought-iron': 1, 'you-know-who': 1}), 'half-moon': Counter({'behind': 1, 'glasses': 1, 'over': 1, 'spectacles': 1}), 'spectacles': Counter({'beneath': 1, 'dumbledore': 1, 'half-moon': 1, 'nose': 1}), 'nose': Counter({'against': 1, 'almost': 1, 'already': 1, 'back': 1, 'blew': 2, 'breaking': 1, 'broke': 1, 'covered': 1, 'crooked': 1, 'flowing': 1, 'geroff': 1, 'harry': 5, 'hooked': 1, 'knocked': 1, 'know': 1, 'long': 1, 'mark': 1, 'nearly': 1, 'nose': 2, 'only': 2, 'open': 1, 'over': 1, 'pointed': 1, 'pressed': 2, 'professor': 1, 'punch': 1, 'punched': 1, 'reply': 1, 'rubbing': 1, 'said': 1, 'sallow': 1, 'scratching': 1, 'screech': 1, 'sent': 1, 'smudged': 1, 'spectacles': 1, 'still': 1, 'suggested': 1, 'take': 1, 'that': 1, 'troll': 1, 'twins': 1, 'very': 1, 'wand': 1, 'wiped': 1, 'with': 3, 'wood': 1, 'wrinkled': 1, 'youngest': 1, 'your': 3}), 'crooked': Counter({'long': 2, 'nose': 1, 'though': 1}), 'broken': Counter({'already': 1, 'been': 1, 'clothes': 1, 'couple': 1, 'easy': 1, 'figg': 2, 'glasses': 1, 'harry': 1, 'have': 1, 'here': 1, 'jaws': 1, 'least': 1, 'month-old': 1, 'rules': 1, 'silence': 1, 'sound': 1, 'take': 1, 'tripping': 1, 'turned': 1, 'video': 1, 'white': 1, 'wrist': 1, 'your': 1}), 'least': Counter({'before': 1, 'broken': 1, 'first': 1, 'five': 1, 'found': 1, 'harry': 1, 'hermione': 1, 'much': 1, 'night': 1, 'normal': 1, 'others': 1, 'piers': 1, 'prefects': 1, 'said': 1, 'that': 1, 'they': 1, 'twice': 1, 'very': 1, 'visit': 1, 'wake': 1, 'want': 1, 'were': 1}), 'albus': Counter({'ages': 1, 'believe': 1, 'chair': 1, 'dumbled': 1, 'dumbledore': 11, 'ever': 1, 'face': 1, 'headmaster': 1, 'name': 2, 'read': 1, 'than': 1}), 'dumbledore': Counter({'about': 1, 'again': 1, 'albus': 11, 'another': 1, 'anyway': 1, 'around': 2, 'arrived': 1, 'asked': 1, 'beaming': 1, 'became': 1, 'because': 1, 'been': 1, 'believes': 1, 'bend': 1, 'betray': 1, 'blimey': 1, 'bowed': 1, 'bristol': 1, 'business': 1, 'called': 1, 'calmly': 1, 'card': 1, 'certainly': 1, 'chair': 1, 'chuckle': 1, 'close': 1, 'come': 2, 'conducted': 1, 'contact': 1, 'convinced': 1, 'could': 2, 'cried': 1, 'currently': 1, 'dead': 1, 'done': 1, 'down': 1, 'dreamily': 1, 'enjoys': 1, 'even': 1, 'everything': 1, 'except': 1, 'eyed': 2, 'eyes': 2, 'face': 1, 'feet': 1, 'finally': 1, 'firmly': 1, 'fixed': 2, 'flamel': 1, 'flinched': 1, 'fortunately': 1, 'four': 1, 'from': 1, 'frowning': 1, 'funny': 1, 'gave': 3, 'gently': 2, 'gingerly': 1, 'given': 2, 'glance': 1, 'going': 1, 'gone': 3, 'good': 1, 'gotten': 1, 'great': 1, 'grounds': 1, 'guard': 1, 'hagrid': 1, 'harry': 5, 'hate': 1, 'have': 3, 'hear': 1, 'heard': 1, 'hedwig': 2, 'here': 2, 'himself': 2, 'hogwarts': 1, 'hope': 1, 'however': 2, 'hummed': 1, 'hurt': 1, 'into': 1, 'invented': 1, 'keep': 1, 'keeping': 1, 'laughter': 1, 'leave': 1, 'left': 2, 'lent': 1, 'lets': 1, 'letter': 1, 'like': 1, 'lived': 1, 'long': 1, 'look': 1, 'looking': 1, 'march': 1, 'means': 1, 'might': 1, 'minister': 1, 'moment': 1, 'morgana': 1, 'myself': 1, 'need': 1, 'needs': 1, 'never': 1, 'nicolas': 1, 'nodded': 1, 'nodding': 1, 'office': 1, 'only': 4, 'order': 1, 'orders': 1, 'particularly': 1, 'pavement': 1, 'pelts': 1, 'place': 1, 'point': 1, 'professor': 25, 'quietly': 2, 'quirrell': 2, 'raised': 1, 'reached': 1, 'realize': 1, 'really': 1, 'reckon': 1, 'reply': 1, 'right': 2, 'rocker': 1, 'room': 1, 'said': 38, 'saying': 1, 'says': 2, 'school': 1, 'seem': 1, 'sense': 1, 'sent': 1, 'sidled': 1, 'sighed': 2, 'silver': 1, 'slipped': 1, 'slipping': 1, 'smiled': 2, 'smiling': 2, 'somersault': 1, 'something': 2, 'sounding': 2, 'spectacles': 1, 'stared': 1, 'stay': 1, 'stepped': 1, 'swam': 1, 'swapped': 1, 'table': 1, 'taking': 1, 'that': 3, 'there': 1, 'think': 3, 'thinks': 1, 'this': 2, 'though': 1, 'thought': 1, 'times': 1, 'told': 2, 'took': 1, 'train': 1, 'true': 1, 'trust': 1, 'trusted': 2, 'truth': 1, 'turned': 1, 'turns': 1, 'twinkling': 1, 'unsticking': 1, 'until': 1, 'very': 1, 'wand': 1, 'want': 1, 'wanted': 1, 'watching': 2, 'well': 2, 'were': 1, 'when': 3, 'where': 2, 'will': 3, 'wiping': 1, 'with': 6, 'wondered': 1, 'words': 1, 'worried': 1, 'yeah': 1}), 'where': Counter({'allowed': 1, 'already': 1, 'angles': 1, 'anything': 2, 'archway': 1, 'attention': 1, 'awake': 1, 'ball': 1, 'barrier': 1, 'beasts': 1, 'bedroom': 1, 'been': 1, 'begin': 1, 'blotts': 1, 'board': 1, 'brooms': 1, 'broomstick': 1, 'cannon': 1, 'classroom': 1, 'come': 1, 'corridor': 2, 'could': 2, 'courtyard': 1, 'cupboard': 1, 'dare': 1, 'decided': 1, 'dormitory': 1, 'down': 1, 'dudley': 3, 'dumbledore': 2, 'dungeons': 1, 'dwell': 1, 'earth': 1, 'everything': 1, 'fallen': 1, 'feet': 1, 'field': 1, 'find': 2, 'first': 1, 'floor': 3, 'found': 2, 'four': 1, 'freeze': 1, 'game': 1, 'glass': 1, 'gleaming': 1, 'glimmered': 1, 'goin': 1, 'going': 6, 'green': 1, 'grinning': 1, 'grubby': 1, 'gryffindor': 2, 'hagrid': 2, 'half': 1, 'hall': 3, 'halloween': 1, 'harbor': 1, 'harry': 6, 'have': 1, 'hermione': 1, 'hidden': 1, 'holidays': 1, 'hufflepuff': 1, 'huge': 1, 'idea': 1, 'imagine': 1, 'interesting': 1, 'know': 7, 'lake': 1, 'last': 1, 'learning': 1, 'leave': 1, 'letter': 2, 'library': 1, 'living': 1, 'look': 1, 'malfoy': 1, 'marge': 1, 'master': 1, 'means': 1, 'mind': 1, 'mommy': 1, 'moonlight': 1, 'mother': 1, 'next': 2, 'norbert': 1, 'noticing': 1, 'ollivander': 1, 'only': 1, 'ought': 1, 'parents': 1, 'peeves': 1, 'percy': 1, 'pince': 1, 'pink': 1, 'potter': 1, 'professor': 1, 'quickly': 2, 'quirrell': 1, 'quite': 1, 'realized': 1, 'recognize': 1, 'remember': 1, 'rest': 1, 'rock': 1, 'room': 3, 'said': 4, 'saying': 1, 'shall': 1, 'shelves': 1, 'should': 1, 'sleeps': 1, 'slept': 2, 'snape': 3, 'sofa': 1, 'sound': 1, 'sprout': 1, 'stand': 2, 'stood': 2, 'stop': 1, 'street': 1, 'subject': 1, 'swayed': 1, 'table': 1, 'tables': 1, 'teachers': 1, 'tell': 1, 'that': 7, 'their': 1, 'there': 3, 'they': 14, 'this': 2, 'those': 1, 'time': 1, 'told': 1, 'umbrella': 1, 'uncle': 1, 'vigorously': 1, 'village': 1, 'were': 2, 'what': 1, 'whispered': 1, 'wildly': 1, 'window': 1, 'with': 1, 'wonder': 1, 'wondering': 1, 'would': 1, 'you-know-who': 1, 'your': 2}), 'unwelcome': Counter({'boots': 1, 'busy': 1}), 'busy': Counter({'because': 1, 'been': 1, 'excellent': 1, 'feet': 1, 'getting': 1, 'keeping': 2, 'looking': 1, 'peeves': 1, 'quaffle': 1, 'rummaging': 1, 'them': 1, 'there': 1, 'unwelcome': 1, 'were': 2, 'what': 1, 'with': 3, 'writing': 1, 'year': 1}), 'rummaging': Counter({'busy': 1, 'cloak': 1, 'quills': 1, 'sudden': 1}), 'other': Counter({'about': 1, 'agreed': 1, 'ajar': 1, 'around': 1, 'asked': 1, 'back': 1, 'because': 1, 'before': 1, 'boys': 1, 'brothers': 1, 'choice': 1, 'clobbered': 1, 'corner': 1, 'corridor': 1, 'couple': 1, 'darkly': 1, 'dudley': 1, 'during': 1, 'each': 18, 'equipment': 1, 'faces': 1, 'facing': 1, 'fang': 1, 'father': 1, 'feet': 1, 'find': 1, 'finds': 1, 'followed': 1, 'found': 1, 'friends': 1, 'from': 3, 'full': 1, 'going': 2, 'gryffindors': 1, 'hand': 6, 'harry': 7, 'hermione': 1, 'into': 1, 'just': 1, 'kill': 1, 'knight': 1, 'knocking': 1, 'like': 1, 'little': 1, 'locked': 1, 'looking': 1, 'lump': 1, 'madly': 1, 'mirror': 1, 'moment': 1, 'mountain': 1, 'neither': 1, 'never': 1, 'none': 1, 'noses': 1, 'number': 1, 'over': 1, 'pairs': 1, 'people': 2, 'prefects': 1, 'pretending': 1, 'punished': 1, 'relatives': 1, 'room': 1, 'said': 5, 'school': 1, 'seeming': 1, 'shelves': 1, 'shop': 1, 'should': 1, 'side': 6, 'slipped': 1, 'slytherins': 2, 'some': 1, 'sort': 1, 'sounding': 1, 'squinted': 1, 'stared': 1, 'stop': 1, 'strange': 1, 'street': 3, 'students': 1, 'stupid': 1, 'teachers': 4, 'team': 4, 'telling': 1, 'than': 2, 'that': 2, 'their': 1, 'then': 2, 'there': 2, 'they': 2, 'things': 3, 'this': 1, 'three': 1, 'through': 1, 'today': 1, 'told': 1, 'toward': 1, 'trimble': 1, 'trying': 1, 'turned': 2, 'twin': 3, 'unlike': 1, 'until': 1, 'very': 2, 'voices': 1, 'want': 1, 'watching': 1, 'ways': 1, 'were': 1, 'what': 1, 'which': 1, 'while': 2, 'with': 2, 'yellow': 1, 'your': 1}), 'amuse': Counter({'chuckled': 1, 'madam': 1, 'seemed': 1, 'would': 1}), 'chuckled': Counter({'amuse': 1, 'bombs': 1, 'darkly': 1, 'giant': 2, 'goyle': 1, 'hagrid': 1, 'harry': 1, 'joke': 1, 'little': 1, 'muttered': 1, 'true': 1, 'vernon': 1, 'wizard': 1}), 'muttered': Counter({'across': 1, 'again': 1, 'angrily': 1, 'arts': 1, 'chuckled': 1, 'cloak': 1, 'could': 2, 'desperately': 1, 'eleven': 1, 'following': 1, 'food': 1, 'hagrid': 1, 'harry': 6, 'heard': 1, 'hermione': 2, 'jordan': 1, 'last': 1, 'marbles': 1, 'must': 1, 'others': 1, 'percy': 1, 'professor': 1, 'push': 1, 'right': 1, 'serious': 1, 'should': 1, 'slipped': 1, 'something': 1, 'suddenly': 1, 'that': 1, 'there': 1, 'turning': 1, 'uncle': 1, 'waved': 1, 'weasley': 1}), 'known': Counter({'about': 1, 'been': 1, 'draught': 1, 'family': 1, 'found': 1, 'good': 1, 'harry': 2, 'have': 3, 'maker': 1, 'never': 1, 'only': 1, 'powerful': 1, 'that': 1, 'today': 1, 'vanish': 1, 'well': 1, 'were': 1, 'what': 1, 'your': 1}), 'inside': Counter({'ache': 1, 'alone': 1, 'anyone': 1, 'back': 5, 'balloon': 1, 'been': 1, 'before': 1, 'black': 1, 'blankets': 2, 'cards': 1, 'cloak': 1, 'coat': 2, 'crate': 3, 'deep': 1, 'disappeared': 1, 'doing': 1, 'each': 1, 'envelope': 1, 'even': 1, 'excuse': 1, 'exploded': 2, 'extraordinary': 1, 'famous': 1, 'fingers': 1, 'first': 1, 'found': 1, 'from': 5, 'funny': 1, 'gasped': 1, 'growling': 1, 'hagrid': 1, 'half': 1, 'hams': 1, 'harry': 4, 'hats': 1, 'head': 1, 'hedwig': 1, 'hermione': 1, 'hidden': 1, 'horrible': 2, 'house': 1, 'jacket': 1, 'just': 1, 'large': 1, 'left': 1, 'like': 1, 'looking': 1, 'lying': 1, 'managed': 1, 'mirror': 1, 'moving': 1, 'only': 1, 'over': 1, 'overcoat': 1, 'peered': 2, 'peeves': 1, 'pocket': 3, 'pockets': 1, 'poked': 1, 'professor': 1, 'pulled': 1, 'puncture': 1, 'reached': 1, 'room': 2, 'roughly': 1, 'sandwiches': 1, 'several': 1, 'should': 1, 'show': 1, 'silence': 1, 'snape': 1, 'something': 1, 'stadium': 1, 'staircase': 1, 'stand': 1, 'steered': 1, 'stepped': 1, 'stifling': 1, 'still': 1, 'stone': 1, 'swelling': 1, 'them': 4, 'they': 2, 'this': 1, 'tiny': 1, 'tucked': 1, 'waggled': 1, 'waited': 1, 'walked': 1, 'went': 1, 'were': 3}), 'pocket': Counter({'another': 1, 'back': 2, 'balls': 1, 'black': 1, 'envelope': 1, 'examined': 1, 'felt': 1, 'from': 1, 'full': 1, 'given': 1, 'good': 1, 'harry': 1, 'have': 1, 'inside': 3, 'into': 1, 'just': 1, 'knew': 1, 'lift': 1, 'little': 1, 'many': 1, 'markings': 1, 'minutes': 1, 'pulled': 1, 'real': 1, 'robes': 1, 'said': 1, 'scrambled': 1, 'seemed': 1, 'somehow': 1, 'which': 1, 'your': 1}), 'cigarette': Counter({'lighter': 1, 'silver': 1}), 'lighter': Counter({'cigarette': 1, 'flicked': 1, 'said': 1, 'whiskers': 1}), 'flicked': Counter({'feather': 1, 'gown': 1, 'lighter': 1, 'open': 1, 'swished': 1, 'wand': 1}), 'open': Counter({'again': 2, 'appeared': 1, 'baby': 1, 'began': 1, 'bertie': 1, 'bill': 1, 'boiling': 2, 'book': 1, 'burst': 1, 'clicked': 1, 'closed': 1, 'disgusting': 1, 'dishes': 1, 'door': 11, 'doors': 1, 'eyes': 2, 'fall': 1, 'fell': 2, 'fire': 1, 'flicked': 1, 'flung': 1, 'fred': 1, 'hang': 1, 'harry': 1, 'head': 1, 'heavens': 1, 'held': 1, 'hermione': 1, 'hogwarts': 1, 'horror': 1, 'jerked': 1, 'letter': 2, 'mind': 1, 'mouth': 3, 'nearly': 1, 'next': 2, 'nose': 1, 'once': 3, 'parcel': 2, 'piercing': 1, 'portrait': 1, 'pulled': 1, 'pushed': 2, 'revolting': 1, 'ripped': 2, 'said': 2, 'seeing': 1, 'simply': 1, 'slid': 3, 'split': 1, 'still': 1, 'swooped': 1, 'swooping': 1, 'swung': 4, 'that': 1, 'them': 1, 'they': 2, 'this': 1, 'through': 1, 'took': 1, 'tore': 1, 'torn': 1, 'toward': 1, 'train': 1, 'trapdoor': 1, 'trying': 1, 'unless': 1, 'what': 1, 'when': 1, 'which': 1, 'wide': 1, 'window': 3, 'with': 2, 'worry': 1, 'would': 2, 'wrenched': 1, 'yellow': 1, 'youngest': 1}), 'held': Counter({'about-face': 1, 'back': 1, 'beak': 1, 'beautiful': 1, 'been': 1, 'broom': 1, 'clicked': 1, 'coins': 1, 'desk': 1, 'door': 1, 'enormous': 1, 'field': 1, 'give': 1, 'glad': 1, 'glasses': 1, 'glittered': 1, 'griphook': 1, 'hand': 2, 'harry': 1, 'herself': 1, 'high': 1, 'hogwarts': 1, 'lamp': 1, 'letter': 1, 'library': 1, 'madam': 1, 'never': 1, 'newspaper': 1, 'once': 1, 'open': 1, 'parrot': 1, 'people': 1, 'room': 1, 'said': 1, 'second': 1, 'sign': 1, 'something': 1, 'that': 1, 'there': 1, 'together': 1, 'usually': 1, 'vernon': 1, 'will': 1}), 'clicked': Counter({'again': 1, 'door': 1, 'held': 1, 'lights': 1, 'little': 1, 'lock': 2, 'nearest': 1, 'once': 1, 'open': 1, 'put-outer': 2, 'times': 1, 'upstairs': 1}), 'nearest': Counter({'chair': 1, 'clicked': 1, 'escape': 1, 'grabbed': 1, 'hagrid': 1, 'outside': 1, 'parcel': 1, 'properly': 1, 'shop': 1, 'street': 1, 'them': 1, 'toward': 1}), 'lamp': Counter({'along': 1, 'away': 1, 'bobbing': 1, 'books': 1, 'bulging': 1, 'came': 1, 'castle': 1, 'coming': 1, 'down': 1, 'flared': 1, 'flickered': 2, 'hagrid': 1, 'harry': 2, 'held': 1, 'high': 1, 'holding': 1, 'leading': 1, 'lighting': 1, 'like': 1, 'looked': 1, 'next': 1, 'over': 1, 'read': 1, 'setting': 1, 'street': 1, 'then': 1, 'went': 1, 'which': 1}), 'flickered': Counter({'hermione': 1, 'into': 1, 'lamp': 2}), 'darkness': Counter({'ahead': 1, 'away': 1, 'charlie': 1, 'down': 1, 'gold': 1, 'into': 2, 'looming': 1, 'malfoy': 1, 'suddenly': 1, 'they': 1, 'this': 1, 'twelve': 1, 'well': 1}), 'twelve': Counter({'balls': 1, 'bottle': 1, 'chapter': 1, 'darkness': 1, 'discovery': 2, 'feet': 2, 'gambled': 1, 'hands': 1, 'hundred': 2, 'letters': 1, 'malfoy': 2, 'mirror': 1, 'once': 1, 'past': 1, 'percent': 1, 'points': 1, 'reciting': 1, 'sight': 1, 'sorcerer': 1, 'than': 2, 'there': 1, 'times': 1, 'towering': 1, 'uses': 3, 'watch': 1, 'worth': 2}), 'times': Counter({'because': 1, 'behind': 1, 'bigger': 1, 'castle': 1, 'clicked': 1, 'different': 1, 'dudley': 1, 'dumbledore': 1, 'even': 1, 'five': 2, 'four': 1, 'last': 1, 'length': 1, 'lives': 1, 'many': 2, 'modern': 1, 'said': 1, 'several': 1, 'then': 1, 'those': 1, 'three': 5, 'turned': 1, 'twelve': 1, 'very': 1, 'week': 2, 'went': 1, 'wide': 1, 'with': 1, 'without': 1}), 'put-outer': Counter({'back': 1, 'clicked': 2, 'silver': 1, 'slipped': 1, 'until': 1}), 'lights': Counter({'alive': 1, 'clicked': 1, 'down': 1, 'going': 1, 'left': 1, 'only': 1, 'passing': 1, 'stop': 1, 'traffic': 1, 'turning': 1}), 'whole': Counter({'almost': 1, 'attention': 1, 'body': 1, 'boom': 1, 'castle': 1, 'class': 1, 'crowd': 3, 'damp': 1, 'dursleys': 2, 'ever': 1, 'fill': 1, 'filled': 2, 'free': 1, 'front': 1, 'giving': 1, 'hall': 3, 'harry': 1, 'have': 2, 'head': 1, 'hogwarts': 1, 'house': 1, 'left': 1, 'life': 2, 'longer': 1, 'made': 1, 'minute': 1, 'mirror': 1, 'much': 1, 'naturally': 1, 'night': 1, "o'clock": 1, 'pulled': 1, 'room': 1, 'school': 5, 'seconds': 1, 'shack': 1, 'space': 1, 'street': 1, 'summer': 1, 'than': 1, 'then': 1, 'there': 1, 'thing': 1, 'thinking': 1, 'this': 1, 'together': 1, 'wake': 1, 'what': 1, 'wide-awake': 1, 'wonderful': 1, 'word': 1, 'worried': 1, 'would': 1, 'year': 1}), 'pinpricks': Counter({'distance': 1, 'tiny': 1}), 'distance': Counter({'darkly': 1, 'even': 1, 'hermione': 1, 'jumping': 1, 'pinpricks': 1, 'slytherins': 1, 'there': 1, 'which': 1}), 'beady-eyed': Counter({'even': 1, 'mrs.': 1}), 'able': Counter({'afford': 1, 'anything': 1, 'been': 2, 'behind': 1, 'being': 1, 'breathe': 1, 'clamber': 1, 'come': 1, 'create': 1, 'explain': 1, 'find': 1, 'glad': 1, 'going': 1, 'good': 1, 'hold': 2, 'hopefully': 1, 'kick': 1, 'library': 1, 'malfoy': 1, 'might': 2, 'mirror': 1, 'otherwise': 1, 'pull': 2, 'read': 1, 'send': 1, 'show': 1, 'steal': 1, 'stop': 1, 'suddenly': 1, 'sure': 1, 'tell': 1, 'that': 1, 'them': 1, 'then': 1, 'think': 2, 'true': 1, 'watch': 1, 'weasleys': 1, 'were': 2, 'will': 3, 'would': 4}), 'pavement': Counter({'down': 1, 'dumbledore': 1}), 'slipped': Counter({'back': 1, 'cloak': 1, 'down': 1, 'dumbledore': 1, 'harry': 1, 'into': 1, 'long': 1, 'mind': 1, 'muttered': 1, 'next': 1, 'once': 1, 'other': 1, 'pick-me-up': 1, 'put-outer': 1, 'said': 1, 'they': 2, 'under': 1, 'wand': 1, 'wrapped': 1}), 'moment': Counter({'after': 1, 'asleep': 1, 'because': 1, 'before': 1, 'blood': 1, 'boat': 1, 'burst': 1, 'could': 1, 'days': 1, 'door': 1, 'dumbledore': 1, 'first': 1, 'frantically': 1, 'from': 2, 'group': 1, 'hagrid': 2, 'harry': 2, 'here': 1, 'hermione': 2, 'landed': 1, 'later': 5, 'left': 1, 'lemon': 1, 'life': 1, 'line': 1, 'lingered': 1, 'lock': 1, 'long': 1, 'look': 1, 'looked': 2, 'madam': 1, 'made': 1, 'neville': 2, 'next': 2, 'only': 1, 'other': 1, 'people': 1, 'proudest': 1, 'quick-witted': 1, 'roars': 1, 'said': 1, 'sorcerer': 1, 'spoke': 1, 'stop': 1, 'sure': 1, 'talk': 1, 'talking-to': 1, 'telephone': 1, 'terrible': 1, 'that': 9, 'them': 2, 'there': 1, 'they': 2, 'thirty': 1, 'this': 4, 'thought': 2, 'trash': 1, 'twitched': 1, 'uncle': 2, 'very': 2, 'wait': 1, 'wake': 1, 'what': 1, 'wood': 2, 'worked': 1, 'world': 1}), 'spoke': Counter({'about': 2, 'actually': 1, 'again': 1, 'angrily': 1, 'barely': 1, 'began': 1, 'caught': 1, 'chimney': 1, 'crabbe': 1, 'door': 1, 'every': 1, 'fancy': 1, 'first': 1, 'from': 1, 'funny': 1, 'hagrid': 1, 'harry': 2, 'hermione': 1, 'hmmm': 1, 'hooch': 1, 'ignored': 1, 'moment': 1, 'motorcycle': 1, 'much': 1, 'never': 1, 'newspaper': 1, 'nobody': 1, 'often': 1, 'they': 1, 'though': 1, 'tightly': 1, 'usual': 1, 'voice': 3, 'young': 1}), 'fancy': Counter({'seeing': 1, 'spoke': 1}), 'seeing': Counter({'fancy': 1, 'fluffy': 1, 'here': 1, 'open': 1, 'soon': 1, 'them': 1, 'thought': 1, 'would': 1}), 'here': Counter({'about': 1, 'again': 1, 'alone': 1, 'already': 1, 'another': 1, 'anythin': 1, 'anything': 1, 'armor': 1, 'asked': 2, 'back': 4, 'because': 1, 'bedtime': 1, 'been': 3, 'bend': 1, 'best': 1, 'beyond': 1, 'blood': 1, 'brazil': 1, 'break': 1, 'broken': 1, 'business': 1, 'came': 1, 'clapped': 1, 'cloak': 1, 'colder': 1, 'come': 4, 'coming': 1, 'course': 1, 'cried': 1, 'determined': 1, 'doing': 1, 'dotted': 1, 'dumbledore': 2, 'everyone': 2, 'everything': 1, 'fault': 1, 'find': 1, 'first': 1, 'five': 1, 'flames': 1, 'forever': 1, 'forevermore': 1, 'frightening': 1, 'from': 3, 'gamekeeper': 1, 'getting': 2, 'ghost': 1, 'give': 3, 'goes': 2, 'going': 1, 'good': 1, 'goyle': 1, 'hagrid': 2, 'hang': 1, 'harry': 6, 'have': 1, 'heard': 1, 'herself': 1, 'hour': 1, 'hours': 1, 'house': 1, 'just': 4, 'keep': 1, 'know': 3, 'lately': 1, 'learn': 1, 'leave': 1, 'letter': 2, 'listen': 3, 'live': 2, 'longbottom': 1, 'look': 1, 'make': 1, 'malfoy': 2, 'many': 1, 'match': 1, 'meet': 1, 'meeting': 1, 'mighta': 1, 'miss': 1, 'moment': 1, 'near': 1, 'need': 1, 'needs': 1, 'night': 1, 'over': 2, 'p-places': 1, 'parties': 1, 'peeves': 1, 'people': 1, 'places': 1, 'potter': 1, 'prefects': 1, 'present': 1, 'pretending': 1, 'professor': 4, 'pulled': 1, 'punished': 1, 'quirrell': 2, 'really': 1, 'recognize': 1, 'right': 2, 'round': 1, 'rules': 1, 'said': 3, 'save': 1, 'seeing': 1, 'seemed': 1, 'silence': 1, 'since': 1, 'snarled': 1, 'somewhere': 5, 'speak': 1, 'stand': 1, 'stay': 3, 'staying': 2, 'stone': 1, 'storm': 2, 'stuck': 1, 'students': 1, 'summat': 2, 'suppose': 1, 'tell': 1, 'telling': 1, 'than': 2, 'that': 4, 'them': 2, 'there': 6, 'they': 8, 'thing': 1, 'think': 1, 'this': 1, 'though': 1, 'three': 1, 'today': 1, 'told': 2, 'tonight': 1, 'tunnels': 1, 'under': 1, 'vernon': 1, 'very': 1, 'wait': 2, 'wand-waving': 1, 'well': 2, 'what': 1, 'when': 2, 'while': 1, 'whispered': 1, 'without': 1, 'words': 1, 'wound': 1, 'years': 1, 'yesterday': 1, 'your': 2}), 'professor': Counter({'about': 1, 'absolutely': 2, 'again': 1, 'answer': 1, 'anyone': 1, 'because': 1, 'been': 1, 'better': 1, 'between': 2, 'binns': 2, 'borrowed': 1, 'boxes': 1, 'broom': 1, 'broomstick': 1, 'called': 1, 'cauldron': 1, 'christmas': 1, 'classroom': 1, 'cried': 2, 'cursing': 1, 'dear': 3, 'desk': 1, 'directly': 1, 'disappeared': 1, 'dive': 1, 'dived': 1, 'down': 1, 'dumbledore': 25, 'earmuffs': 1, 'enchantments': 1, 'even': 1, 'excuse': 1, 'expect': 1, 'faltered': 1, 'fault': 1, 'fingers': 1, 'flamel': 1, 'flared': 2, 'flitwick': 16, 'followed': 1, 'fortune-telling': 1, 'found': 1, 'frantically': 1, 'from': 4, "g'night": 1, 'ghost': 2, 'goblet': 1, 'growled': 1, 'hagrid': 1, 'hall': 1, 'harry': 4, 'head': 1, 'heavily': 1, 'here': 4, 'hissed': 1, 'hogwarts': 1, 'inside': 1, 'joke': 1, 'joking': 1, 'kissing': 1, 'knocked': 1, 'know': 1, 'later': 1, 'left': 1, 'like': 3, 'line': 1, 'malfay': 1, 'match': 1, 'mcgonagall': 97, 'mixed': 1, 'more': 1, 'muttered': 1, 'never': 1, 'neville': 1, 'nimbus': 1, 'nodding': 1, 'nose': 1, 'numbly': 1, 'opinion': 1, 'please': 2, 'points': 1, 'potter': 1, 'protected': 1, 'provoked': 1, 'quiet': 1, 'quirrell': 18, 'quirtell': 1, 'reached': 1, 'remembrall': 1, 'repeated': 1, 'rescued': 1, 'said': 18, 'scowling': 1, 'second': 1, 'serious': 1, 'session': 1, 'shaking': 1, 'shall': 1, 'shook': 1, 'sight': 1, 'sitting': 1, 'slytherin': 1, 'slytherins': 1, 'snape': 9, 'sorry': 1, 'speak': 1, 'spluttered': 1, 'spotted': 1, 'sprout': 4, 'squeaked': 1, 'stammered': 1, 'start': 1, 'still': 1, 'stone': 1, 'stood': 1, 'sure': 1, 'surely': 1, 'suspicion': 1, 'take': 1, 'talk': 1, 'talking': 2, 'teach': 1, 'team': 1, 'than': 1, 'that': 5, 'think': 1, 'thought': 1, 'troll': 1, 'twitching': 1, 'understand': 1, 'until': 1, 'vindictus': 1, 'voice': 2, 'voldemort': 1, 'waiting': 1, 'want': 1, 'watched': 1, 'wearing': 1, 'weasley': 1, 'weeks': 1, 'well': 1, 'were': 1, 'what': 1, 'whatever': 1, 'when': 2, 'where': 1, 'whispered': 1, 'winds': 1, 'with': 1, 'work': 1, 'would': 1, 'yeah': 1, 'years': 1}), 'mcgonagall': Counter({'across': 1, 'after': 1, 'again': 1, 'almost': 1, 'appeared': 1, 'bent': 1, 'blew': 1, 'blinked': 1, 'breathing': 1, 'carrying': 1, 'cheek': 1, 'coldly': 1, 'come': 2, 'could': 1, 'crisply': 1, 'deputy': 1, 'does': 1, 'earshot': 1, 'expected': 1, 'explained': 1, 'faintly': 1, 'favored': 1, 'first': 1, 'flinched': 1, 'four': 1, 'gasped': 1, 'giant': 1, 'grudgingly': 1, 'hand': 1, 'harry': 2, 'head': 1, 'hermione': 1, 'irritably': 1, 'jerked': 1, 'jumping': 1, 'keys': 1, 'knowing': 1, 'looking': 1, 'mean': 1, 'meant': 1, 'minerva': 1, 'nostrils': 1, 'opened': 1, 'past': 1, 'peered': 1, 'piece': 1, 'please': 1, 'pointed': 1, 'professor': 97, 'pulled': 1, 'reached': 1, 'really': 1, 'repeated': 1, 'returned': 1, 'rolled': 1, 'running': 1, 'said': 3, 'says': 1, 'seen': 1, 'shot': 1, 'showed': 2, 'silently': 1, 'slammed': 1, 'snape': 3, 'sniffed': 1, 'sounding': 1, 'staring': 1, 'start-of-term': 1, 'stepped': 1, 'stopped': 1, 'study': 1, 'suppose': 1, 'sweeping': 1, 'talking': 1, 'tartan': 1, 'they': 2, 'ticked': 1, 'told': 3, 'transfigured': 1, 'turned': 3, 'very': 1, 'voice': 1, 'wake': 2, 'watched': 1, 'what': 2, 'when': 1, 'whispered': 1, 'wish': 1, 'with': 1, 'word': 1, 'would': 2}), 'smiling': Counter({'again': 2, 'also': 1, 'around': 1, 'back': 1, 'because': 1, 'corridor': 1, 'crying': 2, 'dimpled': 1, 'dumbledore': 2, 'face': 3, 'father': 1, 'finished': 1, 'friar': 1, 'hagrid': 1, 'instead': 1, 'lady': 1, 'looked': 1, 'only': 1, 'photographs': 1, 'rather': 1, 'reflection': 1, 'said': 2, 'slowly': 1, 'squat': 1, 'takes': 1, 'tell': 1, 'that': 3, 'touching': 1, 'very': 1, 'waving': 2, 'witch': 1}), 'rather': Counter({'afraid': 1, 'alot': 1, 'asking': 1, 'attractive': 1, 'back': 1, 'become': 1, 'bendy': 1, 'bravely': 1, 'closer': 1, 'detest': 1, 'everyone': 1, 'father': 1, 'fixed': 1, 'fond': 1, 'girl': 1, 'hair': 1, 'happy': 1, 'harry': 1, 'hermione': 1, 'inches': 1, 'large': 1, 'live': 1, 'lost': 1, 'nasty': 1, 'quiet': 2, 'ruffled-looking': 1, 'severe-looking': 1, 'smiling': 1, 'standing': 1, 'sweet': 1, 'there': 1, 'they': 1, 'think': 1, 'though': 2, 'tired': 1, 'today': 1, 'went': 1, 'were': 1, 'what': 1, 'wicked': 1, 'with': 2}), 'severe-looking': Counter({'rather': 1, 'woman': 1}), 'woman': Counter({'again': 1, 'call': 1, 'carry': 1, 'dark': 1, 'dimpled': 1, 'dressed': 1, 'eleven': 1, 'fixed': 1, 'hand': 1, 'have': 1, 'heard': 1, 'hello': 1, 'honestly': 1, 'looking': 1, 'neither': 1, 'nice': 1, 'outside': 1, 'paid': 1, 'pink': 1, 'plump': 4, 'pretty': 1, 'said': 1, 'severe-looking': 1, 'sigh': 1, 'slid': 1, 'standing': 1, 'stared': 1, 'talking': 1, 'very': 2, 'wearing': 1, 'wild-looking': 1, 'with': 1}), 'square': Counter({'glasses': 1, 'stayed': 1, 'wearing': 1, 'white': 1}), 'glasses': Counter({'askew': 1, 'broken': 1, 'dangling': 1, 'exactly': 1, 'face': 1, 'flashed': 1, 'hair': 1, 'half-moon': 1, 'harry': 2, 'held': 1, 'knocking': 1, 'long': 1, 'moon': 1, 'next': 1, 'nobody': 1, 'over': 1, 'pair': 1, 'round': 1, 'saying': 1, 'sherry': 1, 'shock': 1, 'square': 1, 'strange': 1, 'taped': 1, 'their': 1, 'tiny': 1, 'wearing': 1, 'wore': 1, 'would': 1}), 'exactly': Counter({'almost': 1, 'been': 1, 'believe': 1, 'bike': 1, 'curse': 1, 'does': 1, 'dudley': 1, 'glasses': 1, 'green': 1, 'grow': 1, 'hagrid': 1, 'hair': 1, 'harry': 1, 'hear': 1, 'heard': 1, 'himself': 1, 'last': 1, 'like': 1, 'name': 1, 'never': 2, 'points': 1, 'pretty': 1, 'recent': 1, 'right': 1, 'said': 2, 'same': 3, 'second': 1, 'secret': 1, 'shape': 1, 'sort': 1, 'starved': 1, 'swallowed': 1, 'table': 1, 'tell': 1, 'that': 1, 'them': 1, 'they': 1, 'this': 1, 'what': 2}), 'shape': Counter({"'nmat": 1, 'exactly': 1, 'markings': 1, 'same': 1, 'then': 1, 'this': 1}), 'emerald': Counter({'addressed': 1, 'black': 1, 'cloak': 1, 'green': 2, 'sweater': 1}), 'black': Counter({'across': 1, 'ball': 1, 'balls': 1, 'beetles': 1, 'behind': 1, 'billowing': 1, 'boarhound': 1, 'bowlers': 1, 'bushy': 1, 'ceiling': 1, 'chessmen': 1, 'cloak': 2, 'clouds': 1, 'coat': 1, 'crumpled': 1, 'dean': 1, 'direct': 1, 'emerald': 1, 'enormous': 1, 'even': 1, 'eyes': 1, 'face': 1, 'fire': 2, 'flames': 3, 'forest': 2, 'greasy': 1, 'great': 1, 'hair': 4, 'himself': 1, 'hogwarts': 1, 'huge': 1, 'hunched': 1, 'inside': 1, 'instant': 1, 'just': 1, 'knees': 1, 'knight': 2, 'large': 1, 'lent': 1, 'like': 3, 'limp': 1, 'long': 3, 'looking': 1, 'lost': 1, 'malfoy': 1, 'mark': 1, 'neville': 1, 'once': 1, 'ones': 1, 'overcoat': 1, 'pieces': 2, 'plain': 1, 'players': 1, 'pocket': 1, 'pointed': 1, 'robes': 3, 'said': 1, 'shadows': 1, 'shiny': 1, 'shoes': 1, 'silent': 1, 'silver': 2, 'sirius': 1, 'slightly': 1, 'still': 1, 'stone': 1, 'tables': 1, 'take': 1, 'there': 1, 'thick': 2, 'three': 1, 'through': 2, 'trees': 1, 'umbrella': 1, 'vampires': 1, 'velvety': 1, 'walked': 1, 'wear': 1, 'were': 1, 'wicked': 1, 'your': 1}), 'drawn': Counter({'curtains': 1, 'hair': 1, 'into': 1, 'soon': 1}), 'tight': Counter({'around': 1, 'broomstick': 1, 'cloak': 1, 'corners': 1, 'could': 1, 'dream': 1, 'hold': 1, 'holding': 1, 'hung': 1, 'into': 1, 'like': 1, 'looked': 1, 'round': 1, 'shut': 1, 'tripped': 1, 'were': 1}), 'distinctly': Counter({'looked': 1, 'ruffled': 1}), 'ruffled': Counter({'breeze': 1, 'distinctly': 1, 'dudley': 2, 'know': 1, 'neat': 1}), 'asked': Counter({'about': 2, 'angry': 1, 'aunt': 2, 'been': 2, 'before': 1, 'behind': 1, 'blood': 1, 'brothers': 1, 'came': 1, 'come': 1, 'counted': 1, 'dear': 1, 'dudley': 2, 'dumbledore': 1, 'eagerly': 1, 'excitedly': 1, 'fast': 1, 'filch': 1, 'finnigan': 1, 'glad': 1, 'going': 1, 'good-bye': 1, 'hagrid': 4, 'harry': 24, 'help': 2, 'here': 2, 'hermione': 2, 'holding': 1, 'hoping': 1, 'houses': 1, 'just': 1, 'keep': 1, 'knew': 1, 'know': 3, 'lady': 1, 'laugh': 1, 'leading': 1, 'liked': 1, 'looking': 2, 'magic': 1, 'never': 1, 'onto': 1, 'opinion': 1, 'other': 1, 'percy': 3, 'pointing': 1, 'politely': 1, 'potter': 1, 'poured': 1, 'quirrell': 1, 'said': 1, 'scar': 1, 'seamus': 1, 'shrilly': 1, 'snake': 1, 'some': 1, 'spells': 1, 'sticking': 1, 'stone': 1, 'team': 1, 'tell': 1, 'that': 1, 'there': 2, 'they': 2, 'this': 1, 'train': 1, 'trying': 1, 'unless': 1, 'upstairs': 1, 'urgently': 1, 'what': 6, 'when': 2, 'wizards': 1, 'yeah': 1}), 'stiff': Counter({'been': 1, 'board': 1, 'face': 1, 'stiffly': 1}), 'brick': Counter({'left': 1, 'sitting': 1, 'third': 1, 'touched': 1, 'umbrella': 1, 'wall': 1}), 'dozen': Counter({'each': 1, 'eggs': 1, 'feasts': 1, 'paces': 1, 'passed': 1, 'than': 1}), 'feasts': Counter({'could': 1, 'dozen': 1, 'parties': 1, 'risky': 1}), 'parties': Counter({'feasts': 1, 'follow': 1, 'here': 1, 'inter': 1}), 'sniffed': Counter({'angrily': 1, 'foul': 1, 'harry': 1, 'madly': 1, 'mcgonagall': 1, 'noses': 1, 'once': 1, 'toad': 1}), 'everyone': Counter({"'course": 1, '1709': 1, 'after': 1, 'almost': 1, 'angrily': 1, 'around': 1, 'attention': 1, 'barked': 1, 'beasts': 1, 'because': 1, 'been': 1, 'behind': 1, 'bounds': 1, 'breakfast': 1, 'broom': 1, 'brothers': 1, 'cake': 1, 'celebrating': 1, 'chatter': 1, 'clapping': 1, 'class': 1, 'come': 1, 'different': 1, 'does': 2, 'door': 1, 'eaten': 1, 'eating': 1, 'else': 7, 'enough': 1, 'except': 1, 'expects': 1, 'face': 1, 'fell': 1, 'felt': 1, 'follows': 1, 'four': 1, 'from': 1, 'front': 1, 'funny': 1, 'gets': 1, 'glass': 1, 'hall': 1, 'harry': 2, 'hear': 1, 'here': 2, 'hermione': 1, 'interested': 1, 'knows': 4, 'laughing': 1, 'leaky': 2, 'like': 1, 'look': 1, 'looking': 2, 'marks': 1, 'name': 1, 'noisy': 1, 'pick': 1, 'quietly': 1, 'rather': 1, 'really': 1, 'said': 2, 'saying': 2, 'says': 2, 'seemed': 1, 'shouted': 2, 'silent': 1, 'slytherin': 1, 'smelting': 1, 'stand': 1, 'stared': 1, 'starts': 1, 'stopped': 1, 'telling': 1, 'that': 2, 'them': 1, 'thinks': 2, 'tower': 1, 'tried': 1, 'usual': 1, 'very': 1, 'waiting': 1, 'walked': 1, 'want': 1, 'wantin': 1, 'watching': 1, 'what': 3, 'whatever': 1, 'when': 1, 'which': 2, 'while': 2, 'with': 1, 'without': 1, 'words': 2, 'world': 2}), 'impatiently': Counter({'quirrell': 1, 'said': 1, 'think': 1, 'unusually': 1, 'watched': 1, 'what': 1}), 'careful': Counter({'blink': 1, 'cheeks': 1, 'drink': 1, 'even': 1, 'find': 1, 'follow': 1, 'forest': 1, 'harry': 1, 'more': 2, 'ronan': 1, 'said': 1, 'shoot': 1, 'they': 1, 'time': 1, 'walk': 1, 'want': 1, 'watched': 1, 'were': 1, 'with': 1}), 'dark': Counter({'about': 1, 'across': 2, 'against': 3, 'almost': 1, 'along': 2, 'around': 1, 'arts': 6, 'asleep': 1, 'because': 1, 'been': 1, 'book': 1, 'bottom': 1, 'chamber': 1, 'classroom': 1, 'cloudy': 1, 'common': 1, 'cool': 1, 'corridors': 1, 'could': 1, 'crate': 1, 'cupboard': 2, 'damp': 1, 'days': 1, 'defeat': 2, 'dense': 1, 'dormitory': 1, 'down': 1, 'dursleys': 1, 'either': 1, 'eyes': 1, 'fall': 1, 'fang': 1, 'fire': 1, 'forces': 1, 'from': 1, 'full': 1, 'getting': 1, 'green': 1, 'grounds': 1, 'hair': 1, 'hall': 1, 'harry': 2, 'have': 1, 'leaves': 1, 'likes': 1, 'living': 1, 'living-room': 1, 'lucky': 1, 'magic': 2, 'might': 1, 'mrs.': 1, 'nothing': 1, 'outlines': 1, 'over': 2, 'passageways': 1, 'path': 2, 'pearly-white': 1, 'platform': 1, 'powerful': 3, 'recognize': 1, 'right': 1, 'rivers': 1, 'scamander': 1, 'school': 1, 'send': 1, 'shabby': 1, 'shapes': 1, 'shop': 1, 'side': 3, 'silence': 1, 'squinting': 1, 'stain': 1, 'staring': 1, 'still': 1, 'their': 1, 'them': 2, 'there': 3, 'they': 1, 'think': 1, 'through': 1, 'tiny': 1, 'trees': 1, 'tunnel': 1, 'tunnels': 1, 'very': 2, 'warn': 1, 'wicked': 1, 'window': 1, 'with': 1, 'wizard': 3, 'wizards': 1, 'woman': 1, 'work': 1}), 'living-room': Counter({'dark': 1, 'window': 1}), 'flocks': Counter({'heard': 1, 'owls': 1}), 'completely': Counter({'almost': 1, 'body': 1, 'broom': 1, 'control': 1, 'gone': 1, 'hidden': 1, 'invisible': 1, 'still': 1, 'stupid': 1, 'there': 1, 'they': 1, 'vanished': 1}), 'bound': Counter({'been': 1, 'caught': 1, 'leather': 1, 'notice': 1, 'really': 1, 'stones': 1, 'tightly': 1, 'were': 1}), 'notice': Counter({'bound': 1, 'course': 1, 'even': 2, 'gets': 1, 'malfoy': 1, 'much': 1, 'pinned': 1, 'pipe': 1, 'quick': 1, 'seem': 1, 'seemed': 1, 'something': 1, 'spotted': 1, 'stick': 1, 'will': 1}), 'dedalus': Counter({'cried': 1, 'diggle': 4, 'harry': 1, 'name': 1, 'that': 1}), 'diggle': Counter({'dedalus': 4, 'fell': 1, 'looking': 1, 'name': 1, 'never': 1, 'seen': 1, 'tell': 1}), 'sense': Counter({'blame': 1, 'dumbledore': 1, 'dursleys': 1, 'humor': 1, 'made': 1, 'more': 1, 'much': 1, 'potter': 1}), 'gently': Counter({'bumped': 1, 'door': 1, 'doorstep': 1, 'dumbledore': 2, 'harry': 1, 'into': 1, 'onto': 1, 'precious': 1, 'think': 1, 'toppled': 1, 'with': 1}), 'precious': Counter({'examining': 1, 'gently': 1, 'little': 1, 'stones': 1}), 'celebrate': Counter({'eleven': 1, 'little': 1, 'silver': 1, 'slytherin': 1}), 'eleven': Counter({'celebrate': 1, 'chapter': 1, 'every': 1, 'express': 1, 'feather': 1, 'half-past': 1, 'harry': 1, 'inches': 2, 'left': 1, 'minute': 1, 'minutes': 1, 'muttered': 1, 'nonsense': 1, "o'clock": 6, 'place': 1, 'quidditch': 1, 'sausages': 1, 'silver': 1, 'they': 1, 'thirty': 1, 'three-quarters': 1, 'wand': 1, 'were': 1, 'woman': 1, 'years': 2}), 'irritably': Counter({'hagrid': 1, 'mcgonagall': 1, 'said': 1, 'seized': 1, 'straight': 1, 'that': 1}), 'lose': Counter({'afford': 2, 'christmas': 1, 'does': 1, 'everything': 1, 'gryffindor': 1, 'head': 1, 'heads': 1, 'house': 3, 'lead': 1, 'match': 1, 'might': 1, 'more': 1, 'nothing': 1, 'points': 2, 'quick': 1, 'reason': 1, 'slytherin': 1, 'that': 1, 'toad': 1, 'will': 1, 'with': 1, 'would': 1}), 'heads': Counter({'boil': 1, 'both': 1, "c'mon": 1, 'chattering': 1, 'could': 1, 'down': 2, 'floor': 1, 'giant': 1, 'knees': 1, 'little': 2, 'lose': 1, 'once': 1, 'over': 3, 'people': 2, 'stood': 1, 'students': 1, 'their': 6, 'then': 1, 'they': 1, 'think': 1, 'three': 3, 'together': 1, 'wailed': 1, 'well': 1, 'with': 1, 'your': 1}), 'downright': Counter({'being': 1, 'careless': 1, 'teacher': 1, 'telling': 1}), 'careless': Counter({'does': 1, 'downright': 1, 'pretend': 1, 'streets': 1}), 'streets': Counter({'away': 1, 'broad': 1, 'careless': 1, 'lived': 1}), 'swapping': Counter({'clothes': 1, 'rumors': 1}), 'rumors': Counter({'harry': 1, 'next': 1, 'swapping': 1, 'that': 1, 'threw': 1, 'wild': 1}), 'threw': Counter({'arms': 1, 'chalk': 1, 'chamber': 1, 'cloak': 3, 'coat': 1, 'crown': 1, 'dirty': 1, 'door': 1, 'glass': 1, 'hard': 1, 'harry': 4, 'into': 3, 'knowin': 1, 'loyalties': 1, 'metal': 1, 'necks': 1, 'peeves': 1, 'quick': 1, 'rubber': 1, 'rumors': 1, 'said': 1, 'seizing': 1, 'sharp': 1, 'shouted': 1, 'them': 1, 'waist': 1, 'wand': 1}), 'sharp': Counter({'about-face': 1, 'beaks': 1, 'cold': 1, 'eyes': 1, 'father': 1, 'feel': 1, 'finger': 1, 'firecracker': 1, 'head': 1, 'little': 1, 'look': 1, 'made': 1, 'pain': 1, 'said': 1, 'severus': 1, 'shot': 1, 'sideways': 1, 'squeal': 1, 'take': 1, 'threw': 1, 'turn': 1, 'voice': 1}), 'sideways': Counter({'another': 1, 'broom': 1, 'cast': 1, 'glance': 1, 'look': 1, 'looks': 1, 'sharp': 1, 'slip': 1}), 'glance': Counter({'dumbledore': 1, 'fire': 1, 'hurrying': 1, 'noticed': 1, 'sideways': 1, 'their': 1}), 'fine': Counter({'behind': 1, 'harry': 1, 'just': 2, 'makers': 1, 'mind': 1, 'really': 1, 'said': 2, 'they': 1, 'thing': 1, 'wands': 1, 'went': 1, 'while': 1}), 'youknow-who': Counter({'seems': 1, 'very': 1}), 'seems': Counter({'certainly': 1, 'clean': 1, 'eyes': 1, 'flying': 1, 'have': 1, 'incredible': 1, 'losing': 1, 'only': 1, 'order': 1, 'said': 1, 'shame': 1, 'sure': 1, 'that': 1, 'toilet': 1, 'what': 1, 'youknow-who': 1}), 'disappeared': Counter({'about': 2, 'corridor': 1, 'desserts': 1, 'face': 1, 'footsteps': 1, 'from': 2, 'gone': 1, 'hardly': 1, 'harry': 2, 'have': 1, 'hermione': 1, 'inside': 1, 'into': 1, 'last': 1, 'mice': 1, 'once': 1, 'professor': 1, 'said': 1, 'shock': 1, 'snitch': 1, 'started': 1, 'that': 2, 'that-that': 1, 'them': 1, 'then': 1, 'turned': 1, 'under': 1, 'vanished': 1, 'when': 1, 'you-know-who': 1}), 'really': Counter({'afford': 1, 'always': 1, 'annoying': 1, 'because': 1, 'been': 2, 'behind': 1, 'belting': 1, 'blew': 1, 'bound': 1, 'break': 1, 'cloak': 1, 'cried': 1, 'crying': 1, 'dangerous': 1, 'done': 1, 'doors': 1, 'dumbledore': 1, 'either': 1, 'even': 1, 'everyone': 1, 'extraordinary': 1, 'eyes': 1, 'face': 1, 'fact': 1, 'fall': 1, 'fallen': 1, 'favored': 1, 'fine': 1, 'first': 1, 'flying': 1, 'fred': 1, 'frogs': 1, 'funny': 2, 'getting': 1, 'goes': 1, 'goggle': 1, 'gone': 1, 'good': 1, 'gryffindor': 1, 'guarding': 1, 'happened': 1, 'happier': 1, 'harry': 4, 'hate': 1, 'have': 1, 'here': 1, 'hermione': 1, 'hope': 1, 'horrible': 1, 'hurting': 1, 'know': 3, 'knows': 2, 'like': 1, 'looking': 1, 'lucky': 1, 'mantelpiece': 1, 'match': 1, 'mattress': 1, 'mcgonagall': 1, 'mean': 1, 'meant': 1, 'must': 1, 'natural': 1, 'need': 1, 'needed': 1, 'nice': 1, 'night': 1, 'none': 1, 'once': 1, 'perenelle': 1, 'piles': 1, 'pleased': 1, 'rare': 2, 'really': 2, 'right': 1, 'said': 3, 'scar': 1, 'seemed': 1, 'selfish': 1, 'shops': 1, 'showed': 1, 'since': 1, 'something': 2, 'sorry': 1, 'stared': 1, 'still': 2, 'stole': 1, 'stone': 1, 'stupid': 1, 'such': 1, 'suggested': 1, 'suppose': 1, 'supposed': 1, 'than': 1, 'thanks': 1, 'that': 1, 'them': 2, 'there': 4, 'they': 5, 'think': 1, 'thinking': 1, 'told': 1, 'tune': 1, 'understand': 1, 'valuable': 3, 'vernon': 1, 'very': 1, 'wall': 1, 'wand': 1, 'wanted': 3, 'weasley': 1, 'well': 1, 'were': 2, 'what': 3, 'will': 1, 'wipe': 1, 'wizard': 1}), 'certainly': Counter({'dumbledore': 1, 'events': 1, 'have': 1, 'malfay': 1, 'most': 1, 'puppet': 1, 'scared': 1, 'seemed': 2, 'seems': 1, 'talk': 1, 'troll': 1, 'vernon': 1, 'voldemort': 1, 'will': 1, 'would': 1}), 'thankful': Counter({'much': 1, 'would': 1}), 'care': Counter({'about': 2, 'goose': 1, 'hermione': 2, 'house': 1, 'lemon': 1, 'malfoy': 1, 'only': 1, 'strange': 1, 'take': 3, 'then': 1, 'took': 1, 'would': 1}), 'lemon': Counter({'another': 1, 'care': 1, 'cheap': 1, 'come': 1, 'drop': 3, 'drops': 2, 'either': 1, 'moment': 1, 'swallowed': 1, 'unsticking': 1, 'what': 1}), 'drop': Counter({'almost': 1, 'answer': 1, 'crate': 1, 'harry': 1, 'have': 1, 'heavy': 1, 'into': 1, 'lemon': 3, 'nothin': 1, 'they': 1, 'told': 1, 'wastepaper': 1, 'what': 1, 'would': 1}), 'sweet': Counter({'around': 1, 'muggle': 1, 'rather': 1, 'smelled': 1, 'strong': 1, 'they': 1, 'walked': 1, 'while': 1}), 'fond': Counter({'quite': 1, 'rather': 1, 'thank': 1, 'them': 1}), 'coldly': Counter({'filch': 1, 'harry': 1, 'mcgonagall': 1, 'received': 1, 'said': 2, 'they': 1, 'though': 1}), 'drops': Counter({'beat': 1, 'even': 1, 'great': 1, 'lemon': 2, 'seemed': 1}), 'surely': Counter({'letter': 1, 'meant': 1, 'professor': 1, 'sensible': 1, 'that': 1, 'which': 1}), 'sensible': Counter({'person': 1, 'surely': 1}), 'person': Counter({'anything': 1, 'burly': 1, 'called': 1, 'granger': 1, 'last': 1, 'like': 1, 'loved': 1, 'marked': 1, 'peace': 1, 'right': 1, 'sensible': 1, 'tell': 1, 'though': 1, 'touch': 1, 'turned': 1, 'with': 1}), 'call': Counter({'comforting': 1, 'could': 1, 'decided': 2, 'emptying': 1, 'filch': 1, 'fitch': 1, 'hagrid': 2, 'hand': 1, 'hedwig': 1, 'idiot': 2, 'like': 1, 'name': 1, 'nicholas': 1, 'nonmagic': 1, 'norbert': 1, 'people': 1, 'perfect': 1, 'prefer': 1, 'proper': 1, 'roll': 2, 'should': 1, 'time-out': 1, 'voldemort': 1, 'what': 3, 'when': 2, 'woman': 1, 'wood': 1, 'you-know-': 1, 'your': 1, 'yourself': 2}), "'you-": Counter({'know-who': 1, 'this': 1}), 'know-who': Counter({"'you-": 1, 'mentioned': 1, 'nonsense': 1, 'you-': 1}), 'persuade': Counter({'could': 1, 'maybe': 1, 'people': 1, 'trying': 1}), 'proper': Counter({'always': 1, 'birthday': 1, 'call': 1, 'duels': 1, 'family': 1, 'getting': 1, 'having': 1, 'name': 2, 'only': 1}), 'voldemort': Counter({'again': 1, 'call': 1, 'calmly': 1, 'certainly': 1, 'chapter': 1, 'come': 1, 'coming': 2, 'could': 4, 'door': 1, 'even': 1, 'expected': 1, 'face': 1, 'find': 1, 'frightened': 1, 'gasped': 1, 'going': 1, 'harry': 2, 'have': 1, 'hermione': 1, 'idea': 1, 'kill': 1, 'killed': 1, 'lord': 2, 'name': 3, 'night': 1, 'parents': 1, 'potter': 1, 'power': 1, 'powers': 1, 'professor': 1, 'quirrell': 1, 'right': 1, 'said': 1, 'saying': 2, 'screamed': 1, 'screeched': 1, 'showed': 1, 'shrieked': 1, 'shrieks': 1, 'side': 1, 'snape': 1, 'stone': 3, 'stop': 1, 'talking': 1, 'that': 2, 'then': 1, 'thing': 1, 'this': 1, 'thought': 1, 'turned': 1, 'under': 1, 'understand': 1, 'voldemort': 2, 'wait': 1, 'waiting': 1, 'well': 2, 'will': 1, 'with': 1, 'without': 1, 'yells': 1}), 'flinched': Counter({'dumbledore': 1, 'mcgonagall': 1}), 'unsticking': Counter({'dumbledore': 1, 'lemon': 1}), 'gets': Counter({'anyone': 1, 'back': 1, 'case': 1, 'confusing': 1, 'drunk': 1, 'everyone': 1, 'hold': 1, 'important': 1, 'lonely': 1, 'notice': 1, 'percy': 1, 'robes': 1, 'scared': 1, 'snape': 1, 'then': 1, 'time': 1, 'trouble': 1, 'usually': 1}), 'confusing': Counter({'gets': 1, 'keep': 1, 'send': 1, 'which': 1}), 'keep': Counter({'alive': 1, 'asked': 1, 'asleep': 2, 'beaters': 1, 'best': 1, 'bludgers': 1, 'bringing': 1, 'chance': 1, 'close': 1, 'closer': 1, 'confusing': 1, 'contact': 1, 'could': 1, 'didn': 1, 'doing': 1, 'done': 1, 'dumbledore': 1, 'enough': 1, 'eyes': 1, 'fair': 1, 'fear': 1, 'feet': 1, 'fire': 1, 'forever': 1, 'forgettin': 1, 'from': 1, 'give': 1, 'hagrid': 1, 'harry': 4, 'have': 2, 'head': 1, 'here': 1, 'hermione': 1, 'himself': 1, 'hold': 2, 'hooch': 1, 'hurrying': 1, 'know': 1, 'looking': 3, 'magnificent': 1, 'main': 1, 'money': 1, 'mouth': 1, 'office': 1, 'panting': 1, 'password': 1, 'path': 1, 'plan': 1, 'playing': 1, 'putting': 1, 'quirrell': 4, 'rest': 1, 'right': 1, 'running': 2, 'safe': 2, 'said': 1, 'saying': 1, 'secret': 1, 'seemed': 1, 'should': 1, 'snape': 1, 'struggling': 1, 'supposed': 1, 'terms': 1, 'than': 1, 'their': 1, 'them': 3, 'themselves': 1, 'there': 3, 'they': 1, 'things': 1, 'think': 1, 'this': 1, 'thought': 1, 'time': 1, 'trying': 1, 'unable': 1, 'until': 1, 'urgently': 1, 'visiting': 1, 'voice': 1, 'want': 1, 'wanted': 1, 'wants': 1, 'well': 1, 'will': 2, 'with': 1, 'wizarding': 1, 'your': 6}), "'you-know-who": Counter({'have': 1, 'saying': 1}), 'frightened': Counter({'being': 1, 'flatter': 1, 'jumpy': 1, 'reason': 1, 'saying': 1, 'squeak': 1, 'suddenly': 1, 'very': 1, 'voldemort': 1, 'word': 1}), 'haven': Counter({'know': 1, 'said': 1}), 'sounding': Counter({'both': 1, 'delighted': 1, 'dumbledore': 2, 'half': 1, 'just': 1, 'mcgonagall': 1, 'other': 1, 'quite': 1, 'relieved': 1, 'said': 1, 'sorry': 1, 'thanks': 1, 'would': 1}), 'exasperated': Counter({'half': 2}), 'admiring': Counter({'cloak': 1, 'different': 1, 'ground': 1, 'half': 1, 'note': 1, 'whoop': 1}), 'knows': Counter({'after': 1, 'anyone': 1, 'awful': 1, 'believe': 1, 'enough': 1, 'everyone': 4, 'except': 1, 'forget': 1, 'gran': 1, 'gringotts': 1, 'heaven': 1, 'little': 1, 'look': 1, 'mommy': 1, 'more': 1, 'name': 1, 'need': 1, 'neither': 1, 'nothin': 1, 'only': 2, 'past': 1, 'quirrell': 1, 'really': 2, 'school': 1, 'soul': 1, 'that': 2, 'they': 1, 'think': 1, 'this': 1, 'trust': 1, 'turned': 1, 'until': 1, 'watch': 1, 'well': 1, 'world': 2}), 'you-know-': Counter({'call': 1, 'mean': 1, 'only': 1, 'right': 1}), 'flatter': Counter({'frightened': 1, 'said': 1}), 'calmly': Counter({'dumbledore': 1, 'pulling': 1, 'said': 1, 'speak': 1, 'voldemort': 1, 'wondered': 1}), 'powers': Counter({'astonishing': 1, 'lost': 1, 'stone': 1, 'voldemort': 1, 'weak': 1, 'will': 1}), 'will': Counter({'able': 3, 'across': 1, 'always': 2, 'another': 1, 'back': 4, 'banquet': 1, 'begin': 1, 'behind': 1, 'books': 1, 'bottle': 1, 'bring': 1, 'brooms': 1, 'caught': 1, 'ceremony': 1, 'certainly': 1, 'class': 1, 'copy': 1, 'course': 2, 'cover': 1, 'credit': 1, 'detention': 1, 'dumbledore': 3, 'each': 1, 'earn': 1, 'enough': 1, 'even': 1, 'expect': 1, 'expelled': 1, 'fire': 1, 'forever': 1, 'give': 2, 'goat': 1, 'gone': 1, 'granger': 1, 'gryffindor': 1, 'hagrid': 2, 'hall': 1, 'hardly': 1, 'harry': 1, 'have': 4, 'held': 1, 'help': 2, 'hide': 1, 'hogwarts': 1, 'hope': 1, 'house': 1, 'informed': 1, 'insist': 1, 'keep': 2, 'know': 3, 'learn': 2, 'learning': 1, 'leave': 1, 'life': 1, 'look': 1, 'lose': 1, 'lunch': 1, 'magic': 2, 'make': 1, 'many': 1, 'mean': 1, 'meet': 1, 'merely': 1, 'mirror': 2, 'mommy': 1, 'most': 2, 'move': 1, 'moved': 1, 'name': 1, 'never': 4, 'neville': 1, 'notice': 1, 'people': 3, 'personally': 1, 'play': 1, 'point': 1, 'points': 2, 'pomfrey': 1, 'power': 1, 'powers': 1, 'prepared': 1, 'quicker': 1, 'quirrell': 1, 'reaching': 1, 'ready': 1, 'real': 1, 'really': 1, 'receive': 1, 'require': 1, 'ride': 1, 'rulebreaking': 1, 'safely': 1, 'said': 3, 'save': 1, 'send': 1, 'seven': 1, 'slytherin': 1, 'slytherins': 1, 'something': 1, 'sorted': 1, 'sorting': 1, 'stone': 1, 'stool': 1, 'stop': 2, 'students': 1, 'take': 3, 'taken': 4, 'tell': 1, 'that': 3, 'there': 1, 'they': 2, 'thing': 1, 'think': 2, 'three': 1, 'through': 1, 'today': 1, 'tonight': 1, 'train': 2, 'transform': 1, 'transport': 1, 'trials': 1, 'triumphs': 1, 'troll': 1, 'uncle': 1, 'unicorn': 1, 'unpleasant': 1, 'voldemort': 1, 'wanderings': 1, 'well': 1, 'which': 2, 'wife': 1, 'wine': 1, 'wood': 1, 'world': 1, 'your': 1, 'yourself': 1}), 'noble': Counter({'history': 1, 'house': 1, 'them': 1, 'well': 1}), 'lucky': Counter({'again': 2, 'attention': 1, 'back': 1, 'because': 1, 'catch': 1, 'dark': 1, 'free': 1, 'harry': 1, 'just': 1, 'many': 1, 'might': 1, 'once': 1, 'pleased': 1, 'really': 1, 'said': 3, 'shrieked': 1, 'sparks': 1, 'that': 3, 'them': 1, 'they': 2, 'this': 1, 'wand': 1, 'well': 1, 'were': 3, 'which': 1, 'wizard': 1}), 'blushed': Counter({'giggled': 1, 'have': 1, 'lopsided': 1, 'much': 1}), 'madam': Counter({'alas': 1, 'amuse': 1, 'answer': 2, 'better': 1, 'called': 1, 'cheers': 1, 'cold': 1, 'contact': 1, 'entered': 1, 'everything': 1, 'from': 1, 'granger': 1, 'ground': 1, 'gryffindors': 1, 'harry': 1, 'held': 1, 'hooch': 12, 'malkin': 7, 'moment': 1, 'nervous': 1, 'pate': 1, 'pince': 3, 'pomfrey': 13, 'pomftey': 1, 'relax': 1, 'robes': 1, 'safe': 1, 'said': 1, 'sight': 1, 'since': 1, 'teacher': 1, 'them': 1, 'this': 1, 'thousand': 1, 'told': 2, 'touched': 1, 'toward': 1, 'with': 1, 'without': 1}), 'pomfrey': Counter({'bustled': 1, 'came': 1, 'fussing': 1, 'hermione': 1, 'however': 1, 'madam': 13, 'mended': 1, 'nurse': 1, 'straightened': 1, 'told': 1, 'very': 1, 'wanted': 1, 'will': 1, 'would': 1}), 'liked': Counter({'about': 1, 'always': 1, 'asked': 1, 'complain': 1, 'disagree': 1, 'dudley': 1, 'earmuffs': 1, 'finch-fletchley': 1, 'great': 1, 'hardly': 1, 'harry': 1, 'just': 1, 'killin': 1, 'left': 1, 'long': 2, 'much': 1, 'nobody': 1, 'ollivander': 1, 'people': 1, 'petunia': 1, 'snape': 1, 'sure': 1, 'table': 1, 'they': 1, 'things': 1, 'through': 1, 'told': 1}), 'earmuffs': Counter({'liked': 1, 'professor': 1}), 'shot': Counter({'across': 1, 'bottle': 1, 'cork': 1, 'doorway': 1, 'everything': 1, 'flames': 2, 'free': 1, 'from': 2, 'goal': 1, 'hand': 1, 'hands': 1, 'harry': 1, 'into': 1, 'mcgonagall': 1, 'pain': 1, 'sharp': 1, 'sparks': 1, 'then': 1, 'toward': 1, 'wood': 1}), 'reached': Counter({'almost': 1, 'another': 1, 'bartender': 1, 'began': 1, 'boats': 1, 'cliff': 1, 'corner': 1, 'corridor': 2, 'dividing': 1, 'door': 2, 'dumbledore': 1, 'even': 1, 'figure': 1, 'fork': 1, 'giant': 1, 'glass': 1, 'goyle': 1, 'grabbed': 1, 'hand': 2, 'happened': 1, 'harry': 2, 'inside': 1, 'instinct': 1, 'into': 1, 'just': 1, 'kind': 1, 'king': 1, 'london': 1, 'marble': 1, 'mcgonagall': 1, 'murmured': 1, 'nostrils': 1, 'over': 1, 'passageway': 1, 'patted': 1, 'percy': 1, 'point': 1, 'portrait': 3, 'professor': 1, 'quirrell': 1, 'rock': 1, 'shed': 1, 'snowy': 1, 'sooner': 1, 'staircase': 1, 'stared': 1, 'station': 1, 'stench': 1, 'they': 15, 'toward': 1, 'unicorn': 1, 'waving': 1, 'when': 1, 'wood': 1}), 'anxious': Counter({'discuss': 1, 'most': 1, 'never': 1, 'suddenly': 1}), 'discuss': Counter({'anxious': 1, 'real': 1}), 'real': Counter({'damage': 1, 'discuss': 1, 'even': 1, 'first': 1, 'friends': 1, 'into': 1, 'live': 1, 'magic': 1, "myst'ry": 1, 'pocket': 1, 'pulled': 1, 'reason': 1, 'rifle': 1, 'school': 1, 'shock': 2, 'shows': 1, 'spell': 1, 'that': 1, 'this': 1, 'will': 1, 'with': 1, 'wizards': 1, 'your': 1}), 'cold': Counter({'against': 1, 'bright': 1, 'catching': 1, 'cornflakes': 1, 'cruel': 1, 'damp': 1, 'drawl': 1, 'either': 1, 'empty': 1, 'eyes': 1, 'filled': 1, 'fury': 1, 'gasping': 1, 'gloomy': 1, 'great': 1, 'hard': 1, 'harry': 2, 'high': 2, 'into': 1, 'last': 1, 'madam': 1, 'malfoys': 1, 'mountains': 1, 'night': 2, 'outside': 1, 'rushed': 1, 'sharp': 1, 'shivered': 1, 'still': 1, 'stung': 1, 'tackled': 1, 'then': 1, 'there': 1, 'they': 1, 'those': 1, 'tinned': 1, 'very': 3, 'waiting': 1, 'wall': 1, 'were': 1, 'with': 4, 'wouldn': 1}), 'hard': Counter({'across': 1, 'against': 1, 'almost': 1, 'always': 1, 'balls': 1, 'been': 1, 'before': 1, 'believe': 1, 'bell': 1, 'catch': 1, 'cold': 1, 'concrete': 1, 'could': 2, 'explain': 1, 'face': 1, 'fell': 1, 'find': 1, 'follow': 1, 'granger': 1, 'ground': 1, 'have': 1, 'history': 1, 'kicked': 1, 'know': 2, 'like': 1, 'listen': 1, 'ones': 1, 'panic': 1, 'potter': 1, 'protect': 1, 'pushed': 1, 'quirrell': 1, 'relax': 1, 'remember': 1, 'rock': 1, 'said': 1, 'slapping': 1, 'sorta': 1, 'stop': 1, 'struck': 1, 'tell': 1, 'that': 1, 'them': 1, 'threw': 1, 'training': 1, 'tried': 1, 'trying': 1, 'very': 4, 'vibrating': 1, 'wall': 1, 'work': 2, 'worked': 1}), 'neither': Counter({'anything': 1, 'cake': 1, 'clues': 1, 'dwarf': 1, 'give': 1, 'knowledge': 1, 'knows': 1, 'neville': 1, 'onward': 1, 'other': 1, 'said': 1, 'size': 1, 'teachers': 1, 'that': 1, 'them': 1, 'unicorn': 1, 'wall': 1, 'wizards': 1, 'woman': 1, 'your': 1}), 'piercing': Counter({'bloodcurdling': 1, 'hagrid': 1, 'look': 2, 'open': 1, 'stare': 1, 'such': 1, 'swift': 1}), 'plain': Counter({'black': 1, 'pointed': 1, 'sets': 1, 'stare': 1, 'that': 1, 'work': 1}), 'believe': Counter({'albus': 1, 'anyone': 1, 'could': 5, 'debt': 1, 'does': 1, 'done': 1, 'ever': 1, 'exactly': 1, 'eyes': 1, 'going': 2, 'gone': 1, 'hard': 1, 'hardly': 2, 'ickle': 1, 'james': 1, 'knows': 1, 'like': 1, 'luck': 1, 'meeting': 1, 'people': 1, 'potter': 1, 'says': 1, 'scabbers': 1, 'snake': 1, 'them': 1, 'there': 1, 'they': 2, 'this': 1, 'until': 1, 'vernon': 1, 'want': 2, 'what': 1, 'when': 1, 'worked': 1, 'would': 1, 'your': 1}), 'true': Counter({'able': 1, 'alley': 1, 'because': 1, 'chuckled': 1, 'come': 1, 'could': 2, 'dudley': 1, 'dumbledore': 1, 'dursleys': 1, 'faltered': 1, 'family': 1, 'glumly': 1, 'harry': 1, 'have': 1, 'hufflepuffis': 1, 'once': 1, 'said': 1, 'story': 1, 'that': 2, 'this': 1, 'told': 1, 'unafraid': 1, 'well': 2, 'when': 1, 'wish': 1}), 'choosing': Counter({'another': 1, 'however': 1, 'knack': 1, 'precisely': 1}), 'answer': Counter({'about': 1, 'astonishingly': 1, 'aunt': 1, 'back': 1, 'branches': 1, 'centaur': 2, 'chance': 1, 'charlie': 1, 'could': 2, 'drop': 1, 'failed': 1, 'forest': 1, 'hagrid': 1, 'happiness': 1, 'harry': 1, 'immediately': 1, 'knocked': 1, 'last': 1, 'madam': 2, 'package': 1, 'professor': 1, 'ronan': 1, 'send': 2, 'shall': 1, 'snape': 1, 'soon': 1, 'straight': 1, 'teacher': 1, 'that': 2, 'there': 1, 'they': 1, 'three': 1, 'weasley': 1, 'went': 1, 'what': 1, 'when': 1, 'while': 2, 'your': 1}), 'pressed': Counter({'against': 2, 'flat': 1, 'hands': 1, 'harry': 1, 'nose': 2, 'noses': 1, 'quickly': 1, 'saying': 1, 'seat': 1, 'that': 1, 'their': 1, 'through': 1}), 'godric': Counter({'hollow': 1, 'turned': 1}), 'hollow': Counter({'godric': 1, 'went': 1}), 'find': Counter({'able': 1, 'about': 1, 'accident': 1, 'already': 1, 'always': 2, 'among': 1, 'anything': 1, 'anyway': 1, 'anywhere': 1, 'back': 2, 'badly': 1, 'before': 1, 'bezoar': 1, 'breathlessly': 1, 'careful': 1, 'come': 1, 'cost': 1, 'could': 4, 'curse': 1, 'easy': 1, 'empty': 1, 'enclosed': 1, 'flamel': 3, 'going': 1, 'good': 1, 'gotten': 1, 'gringotts': 1, 'hair': 1, 'hard': 1, 'have': 1, 'here': 1, 'hermione': 1, 'house': 1, 'itself': 1, 'left': 1, 'longbottom': 1, 'managed': 2, 'mirror': 2, 'myself': 1, 'oliver': 1, 'other': 1, 'ourselves': 1, 'parcel': 1, 'people': 1, 'perfect': 1, 'please': 1, 'poor': 1, 'potters': 1, 'relieved': 1, 'said': 1, 'send': 1, 'smarter': 1, 'softest': 1, 'some': 2, 'someone': 1, 'soon': 2, 'stone': 3, 'suspected': 1, 'terrible': 1, 'that': 1, 'their': 3, 'them': 3, 'then': 1, 'there': 1, 'they': 1, 'thick': 1, 'thought': 1, 'told': 1, 'took': 1, 'trying': 6, 'voldemort': 1, 'wanted': 1, 'warn': 1, 'wednesday': 1, 'went': 1, 'what': 2, 'where': 2, 'wing': 1, 'woke': 1, 'woken': 1, 'words': 1, 'worry': 1, 'would': 2}), 'rumor': Counter({'potters': 1, 'that': 1}), 'lily': Counter({'father': 1, 'gasped': 1, 'james': 5, 'kill': 1, 'stand': 1, 'stop': 1, 'that': 2, 'this': 2}), 'james': Counter({'believe': 1, 'dead': 1, 'lily': 5, 'potter': 3}), 'bowed': Counter({'case': 1, 'dumbledore': 1, 'each': 1, 'excitement': 1, 'feet': 1, 'goblins': 1, 'head': 2, 'leaving': 1, 'ollivander': 1, 'once': 2, 'parted': 1, 'song': 1, 'them': 2, 'they': 1, 'violet': 1}), 'gasped': Counter({'clutching': 1, 'crowd': 1, 'dudley': 1, 'ever-': 1, 'folds': 1, 'glass': 1, 'harry': 10, 'heard': 1, 'hermione': 4, 'inside': 1, 'lily': 1, 'mcgonagall': 1, 'p-p-petunia': 1, 'people': 1, 'quirrell': 1, 'right': 1, 'snape': 1, 'stared': 1, 'table': 1, 'they': 2, 'troll': 1, 'voldemort': 1, 'what': 3, 'with': 1, 'wrestling': 1}), 'patted': Counter({'ghost': 1, 'giving': 1, 'reached': 1, 'shoulder': 1}), 'shoulder': Counter({'abou': 1, 'archway': 1, 'elbow': 1, 'finger': 1, 'flash': 1, 'floor': 1, 'from': 1, 'hand': 1, 'harry': 1, 'heard': 1, 'hinge': 1, 'hitting': 1, 'know': 1, 'looked': 1, 'making': 1, 'nasty': 1, 'onto': 1, 'over': 7, 'patted': 1, 'read': 1, 'round': 1, 'still': 1, 'tapped': 1, 'time': 1}), 'heavily': Counter({'breathing': 2, 'down': 1, 'grabbed': 1, 'professor': 1, 'said': 1, 'sitting': 1, 'through': 1}), 'trembled': Counter({'hermione': 1, 'suddenly': 1, 'syllable': 1, 'voice': 1, 'went': 1, 'with': 1}), 'kill': Counter({'could': 3, 'crash': 1, 'decided': 1, 'except': 1, 'first': 1, 'fool': 1, 'fred': 1, 'going': 1, 'harry': 3, 'just': 1, 'kill': 2, 'lily': 1, 'little': 1, 'makes': 1, 'other': 1, 'potter': 1, 'remember': 1, 'said': 1, 'student': 1, 'suppose': 1, 'that': 1, 'then': 1, 'tonight': 1, 'tried': 6, 'voldemort': 1, 'want': 1, 'wanted': 1, 'wouldn': 1, 'yells': 1, 'your': 1}), 'power': Counter({"'cause": 1, 'clung': 1, 'delicate': 1, 'excellent': 1, 'harry': 1, 'himself': 1, 'liquids': 1, 'more': 1, 'only': 1, 'return': 3, 'right': 1, 'somehow': 1, 'something': 1, 'strength': 1, 'those': 1, 'voldemort': 1, 'wanted': 1, 'will': 1}), 'somehow': Counter({'broke': 1, 'door': 1, 'even': 1, 'found': 2, 'gang': 1, 'harry': 2, 'incredibly': 1, 'knew': 1, 'leaked': 1, 'managed': 1, 'neville': 1, 'pocket': 1, 'power': 1, 'right': 1, 'seemed': 1, 'smuggle': 1, 'steal': 1, 'strange': 1, 'that': 1, 'this': 1, 'thought': 1, 'three': 1, 'turned': 1, 'what': 1}), 'broke': Counter({'almost': 1, 'cart': 1, 'chess': 1, 'contact': 1, 'from': 1, 'harry': 1, 'hope': 1, 'into': 3, 'like': 1, 'match': 1, 'nearly': 1, 'nose': 1, 'somehow': 1, 'squeak': 1, 'stamping': 1, 'suddenly': 1, 'teeth': 1, 'that': 1, 'their': 1, 'upright': 1}), 'nodded': Counter({'-well': 1, 'could': 1, 'dumbledore': 1, 'glumly': 1, 'harry': 5, 'knight': 1, 'mutely': 1, 'people': 1, 'pulled': 1, 'silently': 1, 'snake': 1, 'stopped': 1, 'they': 1, 'turned': 1, 'vigorously': 1, 'worry': 1}), 'glumly': Counter({'nodded': 1, 'true': 1}), 'faltered': Counter({'professor': 1, 'true': 1}), 'done': Counter({'after': 1, 'ages': 1, 'already': 1, 'anything': 1, 'badly': 1, 'bane': 1, 'because': 1, 'before': 1, 'behead': 1, 'believe': 1, 'comin': 1, 'could': 1, 'couple': 1, 'cried': 1, 'dear': 1, 'door': 1, 'drawing': 1, 'dumbledore': 1, 'enough': 1, 'even': 1, 'excellent': 1, 'fiercely': 1, 'first': 1, 'flatly': 1, 'fool': 1, 'game': 1, 'gone': 1, 'granger': 1, 'guarding': 1, 'harry': 3, 'have': 7, 'hermione': 1, 'himself': 1, 'just': 1, 'keep': 1, 'large': 1, 'lead': 1, 'never': 1, 'peering': 1, 'people': 1, 'properly': 1, 'really': 1, 'remembered': 1, 'said': 2, 'scooping': 1, 'screeched': 1, 'seven': 1, 'shown': 1, 'slytherin': 1, 'smoke': 1, 'snake': 1, 'snape': 1, 'some': 1, 'something': 1, 'take': 1, 'that': 4, 'then': 1, 'there': 1, 'they': 1, 'third': 1, 'this': 2, 'three-quarters': 1, 'told': 1, 'very': 1, 'well': 5, 'what': 2, 'wondered': 1, 'wonderful': 1, 'wood': 1, 'wrong': 1}), 'killed': Counter({'alive': 1, 'anyone': 1, 'been': 2, 'brave': 1, 'could': 1, 'ever': 1, 'except': 1, 'have': 1, 'horribly': 1, 'left': 1, 'mother': 1, 'nearly': 1, 'only': 1, 'parents': 1, 'people': 1, 'said': 1, 'some': 1, 'stood': 1, 'terrible': 1, 'then': 1, 'understand': 1, 'voldemort': 1, 'were': 1, 'worse': 1, 'you-know-who': 1, 'your': 2}), 'astounding': Counter({'just': 1, 'things': 1}), 'stop': Counter({'able': 1, 'back': 1, 'below': 1, 'cart': 1, 'cloak': 1, 'commanded': 2, 'could': 2, 'does': 1, 'drink': 1, 'eagerly': 1, 'even': 1, 'excuse': 1, 'first': 1, 'forbid': 1, 'from': 7, 'going': 2, 'gringotts': 1, 'growled': 1, 'gryffindor': 1, 'hagrid': 1, 'hard': 1, 'harry': 1, 'hearts': 1, 'high': 1, 'himself': 2, 'holding': 1, 'hoops': 1, 'knees': 1, 'lights': 1, 'like': 2, 'lily': 1, 'malfoy': 1, 'messing': 1, 'moment': 1, 'mouth': 1, 'moving': 1, 'muggles': 1, 'name': 1, 'nine': 1, 'nothing': 1, 'other': 1, 'pain': 1, 'plant': 1, 'playing': 1, 'prefect': 1, 'rich': 1, 'right': 1, 'running': 1, 'said': 2, 'saying': 2, 'scared': 1, 'snape': 1, 'sorry': 1, 'stammering': 1, 'talking': 2, 'that': 2, 'them': 1, 'there': 1, 'they': 2, 'things': 1, 'this': 1, 'took': 1, 'tried': 1, 'trying': 3, 'voice': 1, 'voldemort': 1, 'wall': 1, 'want': 1, 'where': 1, 'will': 2, 'with': 1}), 'heaven': Counter({'harry': 1, 'knows': 1, 'name': 1, 'rule': 1}), 'survive': Counter({'harry': 1, 'only': 1}), 'guess': Counter({'anyone': 1, 'because': 1, 'just': 1, 'only': 1, 'rubbed': 1, 'said': 1, 'what': 2}), 'lace': Counter({'handkerchief': 1, 'pulled': 1}), 'handkerchief': Counter({'blew': 1, 'bloody': 1, 'burying': 1, 'dabbed': 1, 'going': 1, 'lace': 1, 'something': 1, 'spotted': 2, 'taken': 1}), 'dabbed': Counter({'eyes': 1, 'handkerchief': 1}), 'beneath': Counter({'circled': 1, 'corridor': 1, 'dudley': 1, 'eyes': 1, 'floors': 1, 'hidden': 1, 'miles': 1, 'obviously': 1, 'seek': 1, 'spectacles': 1, 'tallest': 1, 'them': 1}), 'great': Counter({'-the': 1, 'adventure': 2, 'ages': 1, 'arts': 1, 'auntie': 1, 'bent': 1, 'black': 1, 'book': 1, 'britain': 1, 'budge': 1, 'castle': 1, 'caution': 1, 'checkup': 1, 'clapping': 1, 'clattering': 1, 'cold': 1, 'come': 1, 'could': 1, 'crowds': 1, 'crunching': 1, 'darkly': 1, 'deal': 1, 'delight': 1, 'down': 2, 'drops': 1, 'dumbledore': 1, 'dursley': 1, 'edge': 1, 'eight': 1, 'entered': 1, 'everythin': 1, 'expect': 2, 'face': 1, 'felt': 1, 'food': 1, 'gamekeeper': 1, 'gave': 1, 'gray': 1, 'hall': 15, 'hand': 1, 'harry': 3, 'have': 1, 'help': 1, 'hermione': 1, 'honor': 1, 'house': 1, 'humberto': 1, 'idea': 1, 'instructions': 1, 'interest': 1, 'into': 4, 'know': 1, 'last': 1, 'leap': 2, 'like': 1, 'liked': 1, 'lump': 2, 'lumpy': 1, 'mother': 1, 'muggle': 2, "myst'ry": 1, 'next': 2, 'outside': 1, 'prune': 1, 'puddin': 1, 'pulling': 1, 'rain': 1, 'relief': 1, 'remorse': 1, 'room': 1, 'running': 1, 'rush': 1, 'scraping': 1, 'seats': 1, 'shaggy': 1, 'sigh': 1, 'snake': 1, 'sniff': 1, 'species': 1, 'staring': 1, 'surprise': 2, 'takes': 1, 'tears': 1, 'terrible': 1, 'that': 2, 'their': 2, 'there': 2, 'things': 3, 'time': 1, 'toilet': 1, 'took': 1, 'tufts': 1, 'uncle': 3, 'vanished': 1, 'very': 1, 'wants': 1, 'wash': 1, 'when': 1, 'who-must-not-be-named': 1, 'with': 6, 'wizard': 3, 'wizarding': 1, 'wizards': 1}), 'sniff': Counter({'around': 1, 'great': 1, 'malfoy': 1, 'took': 1}), 'took': Counter({'after': 1, 'almost': 1, 'anything': 1, 'better': 1, 'both': 1, 'bright': 1, 'care': 1, 'ceiling': 1, 'choice': 1, 'class': 1, 'crate': 1, 'creatures': 1, 'crown': 1, 'curiously': 1, 'deep': 3, 'different': 1, 'doing': 1, 'doorstep': 1, 'down': 1, 'dudley': 1, 'dumbledore': 1, 'fang': 1, 'filch': 1, 'find': 1, 'flight': 1, 'fourth': 1, 'friend': 1, 'from': 1, 'giant': 1, 'gliding': 1, 'going': 1, 'golden': 1, 'great': 1, 'gulp': 1, 'hagrid': 2, 'hall': 1, 'harry': 8, 'hermione': 3, 'himself': 1, 'king': 1, 'knees': 1, 'left': 1, 'lessons': 1, 'letter': 1, 'lion': 1, 'list': 1, 'little': 1, 'long': 3, 'look': 2, 'malfoy': 1, 'minute': 1, 'only': 1, 'open': 1, 'others': 1, 'parchment': 1, 'parents': 1, 'percy': 1, 'perhaps': 1, 'petunia': 2, 'place': 2, 'quirrell': 1, 'quite': 1, 'racing': 1, 'right': 1, 'robes': 1, 'roll': 1, 'ronan': 1, 'sadly': 1, 'scroll': 1, 'seats': 1, 'several': 1, 'silver': 1, 'sniff': 1, 'sorting': 1, 'stamp': 1, 'started': 1, 'station': 1, 'step': 2, 'stool': 1, 'stop': 1, 'stopped': 1, 'stupid': 1, 'swig': 1, 'that': 3, 'their': 1, 'them': 2, 'then': 1, 'they': 1, 'thick': 1, 'thousand': 1, 'through': 1, 'touches': 1, 'uproar': 1, 'vernon': 1, 'walked': 1, 'wand': 3, 'when': 2, 'while': 2, 'white': 1, 'wood': 1, 'year': 1}), 'golden': Counter({'bubbles': 1, 'course': 1, 'flitwick': 1, 'glittering': 1, 'goblin': 1, 'long': 1, 'plates': 2, 'poles': 1, 'ribbon': 1, 'snitch': 2, 'suddenly': 1, 'three': 1, 'tiny': 1, 'took': 1, 'watch': 1, 'wood': 1}), 'watch': Counter({'able': 1, 'agreed': 1, 'closer': 1, 'come': 1, 'could': 1, 'dudley': 1, 'except': 1, 'from': 1, 'golden': 1, 'hagrid': 1, 'harry': 4, 'know': 1, 'knows': 1, 'looked': 1, 'malfoy': 1, 'midair': 1, 'norbert': 1, 'peeves': 1, 'percy': 1, 'quirrell': 1, 'red-haired': 1, 'seat': 1, 'snape': 1, 'talking': 1, 'television': 1, 'then': 1, 'twelve': 1, 'very': 1, 'want': 1, 'wanted': 1, 'what': 1, 'which': 1, 'wishing': 1}), 'examined': Counter({'himself': 1, 'lock': 1, 'pocket': 1, 'silver': 1, 'them': 1, 'very': 1}), 'hands': Counter({'again': 1, 'around': 1, 'bent': 1, 'both': 3, 'clap': 1, 'clapped': 3, 'clapping': 1, 'clasped': 1, 'face': 2, 'feet': 1, 'freckles': 1, 'hands': 2, 'have': 1, 'hold': 1, 'holding': 1, 'instant': 1, 'knees': 1, 'manage': 1, 'mouth': 1, 'numbers': 1, 'once': 1, 'over': 1, 'pressed': 1, 'quirrell': 1, 'rifle': 1, 'rubbing': 1, 'safe': 1, 'said': 1, 'shake': 1, 'shaken': 1, 'shaking': 2, 'shook': 2, 'shot': 1, 'size': 1, 'smoother': 1, 'snape': 1, 'some': 1, 'summat': 1, 'that': 1, 'their': 2, 'them': 1, 'then': 1, 'they': 1, 'though': 1, 'together': 2, 'told': 1, 'twelve': 1, 'vernon': 1, 'well': 1, 'wild': 1, 'with': 6, 'wringing': 1, 'wrong': 1}), 'numbers': Counter({'book': 1, 'goblin': 1, 'hands': 1, 'instead': 1}), 'planets': Counter({'firenze': 1, 'going': 1, 'have': 2, 'little': 1, 'movements': 2, 'ronan': 1, 'that': 1, 'three': 1, 'were': 1, 'what': 1}), 'moving': Counter({'around': 1, 'came': 1, 'hermione': 1, 'huge': 1, 'inside': 1, 'lips': 1, 'looking': 1, 'mind': 1, 'quirrell': 1, 'something': 2, 'stop': 1, 'they': 1, 'toward': 1, 'were': 2}), 'hagrid': Counter({'about': 8, 'added': 1, 'after': 1, 'again': 3, 'agreed': 1, 'almost': 1, 'along': 1, 'although': 1, 'always': 1, 'announced': 1, 'answer': 1, 'anyone': 1, 'anyway': 1, 'apothecary': 1, 'archway': 1, 'arriving': 1, 'asked': 4, 'asking': 1, 'assistant': 1, 'attack': 1, 'aunt': 1, 'b-b-but': 1, 'back': 5, 'barked': 1, 'beaming': 1, 'beard': 2, 'beast': 1, 'beautiful': 1, 'because': 1, 'been': 1, 'before': 2, 'behind': 2, 'bellowed': 1, 'bent': 1, 'better': 1, 'binoculars': 1, 'blankets': 1, 'blinked': 1, 'boat': 2, 'both': 1, 'bottom': 1, 'bought': 1, 'breathing': 1, 'bringing': 1, 'bundle': 1, 'business': 1, 'call': 2, 'called': 6, 'came': 2, 'carrying': 1, 'casually': 1, 'caught': 1, 'changed': 1, 'charlie': 1, 'checked': 1, 'checking': 1, 'cheer': 1, 'chest': 1, 'chuckled': 1, 'clapping': 2, 'climbed': 1, 'closed': 1, 'coat': 3, 'collected': 1, 'come': 1, 'coming': 1, 'could': 3, 'crammed': 1, 'cream': 1, 'crikey': 1, 'crossbow': 1, 'darkened': 1, 'darkly': 1, 'date': 1, 'dead': 1, 'decorations': 1, 'definitely': 1, 'diagon': 1, 'died': 1, 'doing': 1, 'down': 3, 'dream': 1, 'drew': 1, 'drinking': 1, 'dropped': 1, 'drunk': 1, 'dumbledore': 1, 'earths': 1, 'easy': 1, 'emptied': 1, 'enough': 1, 'even': 1, 'evening': 2, 'ever': 1, 'everything': 1, 'exactly': 1, 'expelled': 1, 'face': 1, 'fact': 1, 'fang': 1, 'fiddling': 1, 'fiercely': 1, 'fingers': 1, 'first': 1, 'fists': 1, 'flatly': 1, 'flew': 1, 'floor': 1, 'fluffy': 2, 'flute': 3, 'folded': 1, 'followed': 3, 'following': 1, 'football': 1, 'forest': 2, 'found': 2, 'free': 1, 'from': 4, 'frost': 1, 'frowned': 1, 'frowning': 2, 'fuming': 1, 'furiously': 1, 'gave': 2, 'getting': 2, 'gingerly': 1, 'give': 1, 'given': 2, 'giving': 2, 'glancing': 2, 'glaring': 1, 'goes': 2, 'going': 2, 'gone': 3, 'good': 1, 'grabbed': 1, 'grate': 1, 'greeted': 1, 'grimly': 1, 'grinned': 1, 'groaned': 1, 'ground': 1, 'grounds': 1, 'growled': 2, 'grubby-looking': 1, 'gruffly': 2, 'grumpily': 1, 'grunted': 2, 'guarding': 1, 'guide': 1, 'gulped': 1, 'hagrid': 10, 'hairy': 2, 'happen': 1, 'harry': 16, 'have': 5, 'health': 1, 'hear': 1, 'heard': 2, 'heavy': 1, 'hedwig': 1, 'helped': 2, 'helping': 1, 'here': 2, 'hermione': 4, 'himself': 1, 'hogwarts': 3, 'holidays': 1, 'hope': 1, 'hotly': 1, 'house': 1, 'however': 1, 'howl': 1, 'huge': 1, 'hurried': 1, 'hurry': 1, 'importantly': 1, 'indoors': 1, 'inside': 1, 'into': 1, 'irritably': 1, 'jacket': 1, 'jumped': 1, 'jumping': 1, 'keep': 1, 'keeper': 1, 'know': 5, 'lamp': 1, 'large': 1, 'last': 4, 'late': 1, 'laugh': 1, 'lean': 1, 'leaned': 1, 'leapt': 1, 'left': 1, 'lesson': 1, 'lets': 1, 'letters': 1, 'letting': 1, 'level': 1, 'library': 1, 'like': 3, 'listen': 1, 'listening': 1, 'little': 1, 'live': 1, 'lived': 1, 'loads': 1, 'london': 1, 'look': 4, 'looked': 11, 'looking': 3, 'loudly': 1, 'made': 3, 'magic': 1, 'managed': 1, 'meanwhile': 1, 'meet': 1, 'mention': 1, 'might': 1, 'mimblewimble': 1, 'mind': 1, 'moment': 2, 'money': 1, 'mouth': 1, 'muffled': 1, 'muggle': 1, 'mumbled': 1, 'murmured': 2, 'must': 3, 'muttered': 1, 'mysteriously': 1, 'name': 2, 'nearest': 1, 'newspaper': 1, 'nice': 1, 'night': 1, 'nodding': 1, 'none': 1, 'norbert': 2, 'nostrils': 1, 'note': 1, 'nothing': 1, 'obviously': 1, 'once': 2, 'only': 3, 'onto': 1, 'opened': 1, 'others': 1, 'over': 2, 'pair': 1, 'panted': 1, 'path': 1, 'patting': 3, 'picked': 1, 'piercing': 1, 'pleased': 1, 'pockets': 1, 'pointed': 1, 'positively': 1, 'pouring': 1, 'professor': 1, 'proudly': 1, 'puffing': 1, 'pulled': 1, 'pulling': 2, 'puncture': 1, 'questions': 1, 'quickly': 1, 'quietly': 1, 'quite': 1, 'raise': 1, 'raised': 1, 'raising': 1, 'read': 2, 'relief': 1, 'reminded': 1, 'return': 1, 'right': 2, 'roared': 1, 'rolled': 1, 'rubeus': 3, 'rules': 1, 'sadly': 1, 'said': 110, 'same': 1, 'saved': 1, 'seemed': 1, 'seized': 3, 'shaking': 1, 'shhhh': 1, 'shocked': 2, 'shops': 1, 'should': 2, 'shoulders': 1, 'shouted': 2, 'shuddered': 1, 'shuffled': 2, 'shuffling': 1, 'sidled': 1, 'simply': 1, 'since': 2, 'sitting': 2, 'slammed': 1, 'sleep': 1, 'sleepily': 1, 'sleeve': 1, 'slip': 1, 'smiled': 1, 'smiling': 1, 'sobbed': 3, 'something': 1, 'sorry': 2, 'speak': 1, 'spoke': 1, 'spotted': 1, 'squinting': 1, 'standing': 2, 'stared': 2, 'staring': 1, 'started': 1, 'steered': 1, 'sticking': 1, 'stop': 1, 'story': 1, 'stuff': 1, 'suddenly': 3, 'surprise': 1, 'swimming': 1, 'swung': 1, 'taking': 1, 'tapped': 1, 'tell': 2, 'thank': 2, 'that': 11, 'them': 3, 'then': 2, 'there': 5, 'these': 2, 'they': 7, 'think': 1, 'this': 1, 'thought': 1, 'thundered': 1, 'ticket': 1, 'time': 3, 'toad': 1, 'told': 10, 'took': 2, 'train': 1, 'tree': 2, 'tried': 1, 'trust': 2, 'trying': 1, 'turned': 1, 'turning': 1, 'twice': 1, 'underneath': 1, 'understand': 1, 'understood': 1, 'unfolding': 1, 'until': 2, 'usual': 2, 'very': 1, 'visit': 1, 'voice': 2, 'voldemort.': 1, 'wait': 1, 'wake': 1, 'wall': 3, 'walls': 1, 'want': 1, 'wants': 1, 'warmth': 1, 'watch': 1, 'watched': 2, 'watching': 1, 'weeds': 1, 'well': 1, 'what': 10, 'when': 4, 'where': 2, 'while': 3, 'whispered': 2, 'white': 1, 'whooped': 1, 'wild': 1, 'will': 2, 'window': 2, 'windows': 1, 'wiped': 1, 'with': 10, 'wondered': 1, 'world': 1, 'would': 4, 'written': 1, 'yawned': 1, 'yelled': 1, 'yourself': 1}), 'late': Counter({'admitted': 1, 'afternoon': 1, 'arriving': 1, 'change': 1, 'class': 1, 'crept': 1, 'dragon': 1, 'dully': 1, 'gettin': 1, 'going': 1, 'hagrid': 1, 'into': 2, 'lots': 1, 'maybe': 1, 'might': 1, 'nearly': 1, 'reading': 1, 'repair': 1, 'said': 1, 'shop': 1, 'sleep': 1, 'suppose': 1, 'that': 2, 'they': 2, 'were': 2, 'working': 1}), 'places': Counter({'chipped': 1, 'come': 1, 'here': 1, 'left': 1, 'right': 1, 'safe': 1, 'something': 1, 'when': 1}), 'bring': Counter({'also': 1, 'back': 2, 'come': 1, 'harry': 1, 'knowing': 1, 'silence': 1, 'toad': 1, 'wand': 1, 'will': 1}), 'aunt': Counter({'answer': 1, 'asked': 2, 'asking': 1, 'back': 1, 'before': 2, 'bullied': 1, 'chair': 1, 'complain': 1, 'complained': 1, 'computer': 1, 'dear': 1, 'dirty': 1, 'dursleys': 1, 'even': 1, 'explained': 1, 'firmly': 1, 'fruitcake': 1, 'hagrid': 1, 'handed': 1, 'harry': 2, 'have': 1, 'head': 1, 'informed': 1, 'july': 1, 'knew': 1, 'life': 2, 'long': 1, 'made': 2, 'once': 1, 'over': 1, 'panic': 1, 'parents': 1, 'petunia': 52, 'pulling': 1, 'rang': 1, 'rapped': 1, 'reach': 1, 'read': 1, 'said': 4, 'shrieked': 1, 'snapped': 3, 'speak': 1, 'start': 1, 'stood': 1, 'that': 1, 'them': 1, 'there': 1, 'time': 1, 'uncle': 9, 'vernon': 4, 'visitor': 1, 'what': 1, 'when': 2, 'while': 1, 'windows': 1, 'with': 1, 'your': 1}), 'uncle': Counter({'about': 1, 'accepted': 1, 'after': 1, 'afternoon': 1, 'algie': 3, 'around': 1, 'arrived': 1, 'aunt': 9, 'back': 1, 'bathroom': 1, 'bedrooms': 1, 'been': 2, 'began': 1, 'behind': 2, 'boat': 1, 'boomed': 1, 'catch': 1, 'computer': 1, 'could': 1, 'cousin': 1, 'cream': 1, 'croaked': 1, 'drove': 1, 'dudley': 1, 'dursleys': 1, 'envelope': 1, 'every': 1, 'eyes': 2, 'face': 2, 'faces': 1, 'father': 1, 'finally': 1, 'flying': 1, 'from': 3, 'furious': 1, 'giant': 1, 'grabbed': 1, 'great': 3, 'growled': 1, 'hall': 1, 'hand': 1, 'handed': 1, 'harry': 2, 'heard': 1, 'hogwarts': 2, 'honestly..': 1, 'into': 1, 'jerked': 1, 'knickerbockers': 1, 'later': 1, 'left': 1, 'letter': 1, 'like': 1, 'little': 1, 'marge': 1, 'moment': 2, 'morning': 1, 'muttered': 1, 'never': 1, 'ordered': 1, 'outside': 1, 'pair': 1, 'past': 1, 'petunia': 2, 'read': 1, 'ready': 1, 'roared': 1, 'room': 2, 'rooms': 1, 'said': 13, 'sent': 1, 'shouted': 2, 'snapped': 1, 'sneered': 1, 'sofa': 1, 'stared': 1, 'stick': 1, 'strangled': 1, 'take': 1, 'them': 1, 'then': 2, 'there': 1, 'they': 1, 'this': 1, 'toward': 1, 'trousers': 1, 'uniform': 1, 'until': 1, 'usually': 1, 'vernon': 109, 'week': 1, 'when': 1, 'where': 1, 'while': 1, 'will': 1, 'work': 1, 'yelled': 3}), 'family': Counter({'anymore': 1, 'biggest': 1, 'brand-new': 1, 'could': 1, 'dead': 1, 'effort': 1, 'else': 1, 'first': 1, 'future': 1, 'grew': 1, 'harry': 1, 'have': 1, 'heard': 1, 'hogwarts': 1, 'insultin': 1, 'known': 1, 'left': 1, 'looking': 1, 'magic': 1, 'muggle': 1, 'neville': 1, 'nobody': 1, 'nothing': 1, 'only': 2, 'platform': 1, 'proper': 1, 'red-haired': 1, 'room': 1, 'said': 2, 'showed': 1, 'shows': 1, 'sixth': 1, 'slytherin': 1, 'sometimes': 1, 'standing': 1, 'stopped': 1, 'that': 1, 'them': 1, 'they': 1, 'this': 1, 'thought': 1, 'time': 1, 'true': 1, 'used': 1, 'wearing': 1, 'weasleys': 1, 'witch': 1, 'with': 1, 'within': 1, 'wizards': 1, 'your': 6}), 'mean': Counter({'after': 1, 'back': 1, 'barked': 1, 'bludgers': 1, 'boys': 1, 'could': 1, 'course': 1, 'cupboard': 1, 'does': 1, 'every': 1, 'exploded': 1, 'extremely': 1, 'five': 1, 'gone': 1, 'harry': 2, 'hooted': 1, 'left': 2, 'little': 1, 'loads': 1, 'look': 1, 'looked': 1, 'mcgonagall': 1, 'mean': 2, 'might': 1, 'must': 1, 'never': 1, 'night': 1, 'noise': 1, 'once': 1, 'people': 1, 'really': 1, 'said': 1, 'scabbers': 1, 'second': 1, 'sorry': 2, 'standing': 1, 'stone': 1, 'stupid': 1, 'tell': 1, 'that': 1, 'there': 1, 'they': 4, 'this': 1, 'through': 1, 'told': 1, 'very': 1, 'vol-': 2, 'wall': 1, 'weak': 1, 'what': 4, 'will': 1, 'world': 1, 'you-know-': 1, 'you-know-who': 2, 'your': 2}), 'live': Counter({'bats': 1, 'bill': 1, 'come': 1, 'could': 1, 'forget': 1, 'hagrid': 1, 'harry': 1, 'here': 2, 'made': 1, 'muggle': 1, 'nosy': 1, 'people': 1, 'potter': 1, 'rather': 1, 'real': 1, 'remember': 1, 'several': 1, 'thousand': 1, 'went': 1, 'white': 1, 'with': 2, 'wooden': 1}), 'cried': Counter({'bravo': 1, 'dedalus': 1, 'done': 1, 'dumbledore': 1, 'flinging': 1, 'harry': 1, 'here': 1, 'hermione': 2, 'knew': 1, 'neville': 1, 'ollivander': 1, 'pointing': 1, 'professor': 2, 'really': 1, 'remembers': 1, 'song': 1, 'special': 1, 'totalus': 1, 'trevor': 1, 'wringing': 1}), 'jumping': Counter({'angrily': 1, 'distance': 1, 'down': 1, 'feet': 1, 'hagrid': 1, 'mcgonagall': 1}), 'feet': Counter({'above': 1, 'again': 1, 'along': 1, 'anger': 1, 'apart': 1, 'away': 2, 'beaming': 1, 'both': 1, 'bowed': 1, 'busy': 1, 'came': 1, 'caught': 1, 'clawed': 1, 'clean': 1, 'come': 1, 'crowd': 1, 'down': 1, 'dumbledore': 1, 'ears': 1, 'enormous': 1, 'every': 1, 'fifty': 1, 'fingers': 1, 'four': 1, 'from': 1, 'front': 1, 'gigantic': 1, 'gotten': 1, 'ground': 2, 'hands': 1, 'happy': 1, 'harry': 5, 'hermione': 1, 'high': 1, 'horny': 1, 'jumped': 3, 'jumping': 1, 'keep': 1, 'landing': 1, 'last': 1, 'leapt': 3, 'lids': 1, 'like': 1, 'long': 1, 'looked': 1, 'looking': 1, 'managed': 1, 'only': 1, 'other': 1, 'pelt': 1, 'pointed': 1, 'pointing': 1, 'rise': 1, 'scrambled': 1, 'scrambling': 1, 'several': 1, 'shaking': 1, 'shuffling': 1, 'slowly': 1, 'smell': 1, 'snow': 1, 'spots': 1, 'sticking': 1, 'still': 1, 'stopped': 1, 'tall': 1, 'than': 1, 'thank': 1, 'that': 2, 'their': 4, 'them': 1, 'then': 1, 'there': 1, 'they': 4, 'trembling': 2, 'twelve': 2, 'twenty': 2, 'wandering': 1, 'want': 1, 'watching': 1, 'were': 1, 'where': 1, 'window': 1, 'your': 1}), 'pointing': Counter({'asked': 1, 'called': 1, 'coat': 1, 'crashed': 1, 'cried': 1, 'down': 1, 'feet': 1, 'fleet': 1, 'harry': 7, 'herself': 1, 'kept': 1, 'large': 1, 'neville': 1, 'number': 1, 'perfectly': 1, 'pink': 1, 'scar': 1, 'seat': 1, 'sign': 1, 'sister': 1, 'suddenly': 1, 'them': 3, 'this': 1, 'vernon': 1, 'very': 1, 'were': 1, 'what': 1, 'with': 1}), 'less': Counter({'even': 1, 'every': 1, 'everything': 1, 'friday': 1, 'less': 2, 'like': 1, 'liking': 1, 'more': 2, 'people': 1, 'someone': 1, 'than': 4, 'that': 1, 'time': 1, 'walls': 1, 'welcome': 1}), 'kicking': Counter({'mother': 1, 'this': 1}), 'mother': Counter({'arms': 1, 'bawling': 1, 'because': 1, 'behind': 1, 'books': 1, 'boys': 2, 'cara': 1, 'coming': 1, 'crouching': 1, 'died': 1, 'disappear': 1, 'dudley': 1, 'eyes': 1, 'face': 1, 'father': 5, 'fondly': 1, 'freak': 1, 'from': 1, 'girl': 1, 'great': 1, 'just': 1, 'kicked': 1, 'kicking': 1, 'killed': 1, 'kissed': 1, 'leaves': 1, 'long': 1, 'looking': 1, 'need': 1, 'nine': 1, 'piers': 1, 'room': 1, 'rubbed': 1, 'said': 2, 'street': 2, 'suddenly': 1, 'their': 5, 'through': 1, 'thrown': 1, 'told': 1, 'wailed': 1, 'want': 1, 'waving': 1, 'were': 3, 'where': 1, 'with': 2, 'would': 1, 'your': 4, 'yourself': 1}), 'sweets': Counter({'among': 1, 'bettie': 1, 'from': 1, 'handing': 1, 'harry': 1, 'joined': 1, 'last': 1, 'looking': 1, 'miss': 1, 'over': 1, 'packages': 1, 'perhaps': 1, 'screaming': 1, 'these': 1}), 'best': Counter({'acting': 1, 'agreed': 1, 'alone': 1, 'anger': 1, 'anything': 1, 'argue': 1, 'back': 1, 'birthday': 1, 'blowing': 1, 'christmas': 2, 'clutching': 1, 'could': 2, 'course': 1, 'drooble': 1, 'dudley': 1, 'evening': 1, 'ever': 1, 'friend': 1, 'game': 1, 'genius': 1, 'grades': 1, 'harry': 4, 'have': 1, 'hear': 1, 'here': 1, 'hogwarts': 1, 'important': 1, 'just': 1, 'keep': 1, 'know': 1, 'left': 1, 'morning': 1, 'nervous': 1, 'pain': 1, 'place': 1, 'probably': 1, 'problems': 1, 'rest': 1, 'said': 1, 'school': 1, 'some': 2, 'sounds': 1, 'stretched': 1, 'teachers': 1, 'team': 1, 'that': 2, 'them': 1, 'thing': 1, 'think': 1, 'this': 1, 'thought': 1, 'very': 1, 'wait': 1, 'wand': 1, 'well': 1, 'what': 1, 'witches': 1, 'wizard': 1, 'your': 1}), 'firmly': Counter({'after': 1, 'aunt': 1, 'dreamed': 1, 'dumbledore': 1, 'himself': 1, 'said': 1}), 'written': Counter({'about': 1, 'address': 1, 'books': 1, 'emerald-green': 1, 'gold': 1, 'green': 1, 'hagrid': 1, 'harry': 1, 'letter': 1, 'life': 1, 'narrow': 1, 'older': 1, 'only': 1, 'papers': 1, 'same': 1, 'stars': 1, 'that': 1, 'their': 1, 'them': 1, 'thousand': 1, 'which': 1, 'would': 1}), 'letter': Counter({'addressed': 1, 'also': 1, 'angry': 1, 'back': 1, 'beside': 1, 'bill': 1, 'bombs': 1, 'carefully': 1, 'charlie': 2, 'checking': 1, 'cloak': 1, 'closed': 1, 'clutched': 1, 'dropped': 1, 'dumbledore': 1, 'ever': 1, 'eyes': 1, 'first': 2, 'from': 2, 'glad': 1, 'grab': 2, 'ground': 1, 'hall': 1, 'handed': 1, 'harry': 5, 'have': 1, 'held': 1, 'here': 2, 'hurry': 1, 'imagine': 1, 'just': 1, 'large': 1, 'letter': 2, 'open': 2, 'opened': 1, 'parcel': 1, 'pulled': 1, 'read': 4, 'repeated': 1, 'said': 2, 'seized': 1, 'send': 1, 'shaking': 1, 'shouted': 1, 'since': 1, 'single': 1, 'staring': 1, 'stay': 1, 'still': 1, 'stuffing': 1, 'surely': 1, 'taking': 1, 'than': 1, 'thanks': 1, 'that': 3, 'them': 1, 'these': 1, 'they': 2, 'this': 1, 'took': 1, 'uncle': 1, 'unfolding': 1, 'want': 1, 'what': 2, 'when': 1, 'where': 2, 'which': 1, 'with': 2, 'writer': 1, 'written': 1, 'yours': 1}), 'repeated': Counter({'forest': 1, 'harry': 1, 'letter': 1, 'look': 1, 'mcgonagall': 1, 'professor': 1, 'quirrell': 1, 'ronan': 1, 'sound': 1, 'though': 1, 'while': 1, 'wood': 1}), 'faintly': Counter({'good': 1, 'hermione': 1, 'mcgonagall': 1, 'sitting': 1}), 'understand': Counter({'bane': 1, 'beauty': 1, 'breath': 1, 'could': 3, 'dare': 1, 'enough': 1, 'even': 1, 'famous': 1, 'hagrid': 1, 'harry': 1, 'house': 1, 'killed': 1, 'later': 1, 'life': 1, 'love': 1, 'muggle': 1, 'never': 1, 'professor': 1, 'really': 1, 'said': 1, 'shouted': 1, 'snape': 1, 'some': 1, 'starts': 1, 'stone': 1, 'them': 1, 'they': 1, 'think': 1, 'this': 1, 'tried': 1, 'trouble': 1, 'voldemort': 1}), 'famous': Counter({'before': 1, 'cauldron': 1, 'collect': 1, 'defeat': 2, 'describing': 1, 'even': 2, 'famous': 2, 'games': 1, 'harry': 2, 'head': 1, 'hogwarts': 1, 'inside': 1, 'just': 1, 'know': 1, 'knowing': 2, 'legend': 1, 'looked': 1, 'looking': 1, 'more': 1, 'name': 1, 'particularly': 2, 'place': 2, 'potter': 1, 'right': 1, 'said': 1, 'something': 1, 'still': 1, 'talk': 1, 'that': 2, 'they': 1, 'things': 1, 'told': 1, 'understand': 1, 'were': 2, 'what': 2, 'witches': 2, 'wizard': 1}), 'legend': Counter({'famous': 1, 'would': 1}), 'surprised': Counter({'been': 1, 'died': 1, 'even': 1, 'grin': 1, 'marble': 1, 'that': 2, 'they': 1, 'today': 1, 'turn': 1, 'were': 2, 'would': 2}), 'future': Counter({'family': 1, 'potter': 1, 'shows': 1, 'there': 1}), 'books': Counter({'already': 1, 'arms': 1, 'asking': 1, 'back': 1, 'background': 1, 'borrow': 1, 'broomsticks': 1, 'buying': 1, 'carrying': 1, 'cleverness': 1, 'containing': 1, 'could': 1, 'course': 3, 'down': 1, 'dursleys': 1, 'equipment': 1, 'extra': 1, 'fallen': 1, 'flamel': 1, 'from': 2, 'full': 2, 'giving': 1, 'heart': 2, 'hermione': 1, 'hundreds': 1, 'knew': 1, 'lamp': 1, 'large': 1, 'leather': 1, 'library': 1, 'minutes': 1, 'mother': 1, 'necessary': 1, 'only': 1, 'outta': 1, 'over': 1, 'pile': 4, 'quills': 1, 'restricted': 1, 'rows': 1, 'school': 2, 'searching': 1, 'shop': 1, 'silk': 1, 'size': 1, 'spell': 3, 'started': 1, 'students': 1, 'suggest': 1, 'surrounding': 1, 'symbols': 1, 'taken': 1, 'that': 2, 'then': 1, 'there': 1, 'these': 1, 'they': 1, 'though': 1, 'thousands': 3, 'through': 3, 'town': 1, 'usual': 1, 'wands': 1, 'want': 1, 'were': 2, 'will': 1, 'with': 2, 'written': 1}), 'world': Counter({'about': 1, 'after': 1, 'anything': 1, 'around': 1, 'been': 1, 'better': 1, 'child': 1, 'come': 1, 'denying': 1, 'during': 1, 'else': 1, 'every': 1, 'everyone': 2, 'except': 1, 'explaining': 1, 'foolish': 1, 'game': 1, 'hagrid': 1, 'into': 1, 'knows': 2, 'magical': 1, 'match': 1, 'mean': 1, 'moment': 1, 'muggle': 4, 'parents': 2, 'people': 1, 'place': 2, 'potatoes': 1, 'seven': 1, 'shook': 1, 'some': 1, 'something': 1, 'sorcerer': 1, 'thing': 1, 'what': 2, 'will': 1, 'wizard': 1, 'wizardry': 1, 'world': 2, 'your': 1}), 'seriously': Counter({'doubted': 1, 'harry': 1, 'over': 1, 'very': 1}), 'turn': Counter({'back': 1, 'better': 1, 'could': 2, 'drive': 1, 'enough': 1, 'every': 1, 'flatten': 1, 'from': 1, 'harry': 1, 'head': 1, 'hermione': 2, 'into': 3, 'meant': 1, 'mellow': 1, 'months': 1, 'mouse': 1, 'next': 1, 'over': 1, 'pale': 1, 'said': 1, 'seek': 1, 'sharp': 1, 'snape': 1, 'surprised': 1, 'their': 1, 'them': 1, 'then': 1, 'this': 1, 'tried': 2, 'trying': 1, 'vanish': 1, 'very': 1, 'yellow': 1}), 'talk': Counter({'about': 5, 'another': 1, 'anymore': 1, 'back': 2, 'cart': 1, 'certainly': 1, 'famous': 1, 'good': 1, 'harry': 1, 'malfay': 1, 'moment': 1, 'much': 2, 'never': 1, 'professor': 1, 'pulled': 1, 'right': 1, 'rubbish': 1, 'scabbers': 1, 'still': 1, 'stone': 1, 'tart': 1, 'that': 1, 'their': 1, 'them': 1, 'this': 1, 'three-quarters': 1, 'tired': 1, 'turned': 1, 'walk': 1, 'want': 1, 'wants': 1, 'were': 1, 'what': 1, 'window': 2, 'wood': 1}), 'remember': Counter({'asking': 1, 'bane': 1, 'because': 1, 'being': 1, 'block': 1, 'cara': 1, 'charlie': 1, 'could': 5, 'determined': 1, 'dream': 2, 'even': 2, 'ever': 4, 'every': 1, 'everything': 1, 'expect': 1, 'feeling': 1, 'firenze': 1, 'first': 1, 'flick': 1, 'glared': 1, 'green': 1, 'hard': 1, 'harry': 1, 'ingredients': 1, 'jump': 1, 'just': 1, 'kill': 1, 'left': 1, 'live': 1, 'make': 1, 'managed': 1, 'never': 1, 'next': 1, 'nothing': 1, 'parents': 2, 'password': 1, 'quite': 1, 'said': 1, 'saying': 1, 'snitch': 1, 'stare': 1, 'swish': 1, 'that': 3, 'then': 1, 'they': 1, 'think': 2, 'this': 1, 'tried': 4, 'trying': 3, 'well': 3, 'what': 3, 'where': 1, 'wizard': 1, 'wondering': 1, 'would': 1, 'yeah': 1}), 'cara': Counter({'mother': 1, 'much': 1, 'remember': 1, 'tell': 1}), 'growing': Counter({'away': 1, 'better': 1}), 'ready': Counter({'alternative': 1, 'called': 1, 'crash': 1, 'dear': 1, 'eyes': 1, 'fire': 1, 'fists': 1, 'fling': 1, 'harry': 2, 'large': 1, 'leave': 1, 'looked': 1, 'many': 1, 'mind': 1, 'minutes': 1, 'packed': 1, 'raising': 1, 'ravenclaw': 1, 'said': 1, 'silver': 1, 'snape': 1, 'start': 1, 'take': 1, 'twice': 1, 'uncle': 1, 'until': 1, 'were': 2, 'when': 2, 'will': 1}), 'take': Counter({'again': 1, 'another': 1, 'anytime': 1, 'away': 2, 'back': 2, 'before': 1, 'black': 1, 'broken': 1, 'care': 3, 'charlie': 1, 'cloak': 2, 'come': 1, 'coming': 1, 'could': 4, 'crabbe': 1, 'daring': 1, 'death': 1, 'difficult': 1, 'does': 1, 'done': 1, 'down': 1, 'earn': 1, 'even': 1, 'explaining': 1, 'eyes': 3, 'filch': 1, 'forward': 1, 'free': 1, 'from': 1, 'genius': 1, 'give': 1, 'glad': 1, 'gryffindors': 1, 'harry': 2, 'heed': 1, 'hospital': 1, 'jerked': 1, 'just': 2, 'keen': 1, 'king': 1, 'last': 1, 'later': 1, 'learned': 1, 'little': 1, 'luck': 1, 'manage': 1, 'merely': 1, 'mind': 2, 'more': 1, 'nimbus': 1, 'norwegian': 1, 'nose': 1, 'over': 3, 'perched': 1, 'place': 4, 'professor': 1, 'quaffle': 1, 'ready': 1, 'right': 1, 'sacrifices': 1, 'said': 2, 'school': 1, 'scowl': 1, 'sharp': 1, 'sides': 1, 'some': 1, 'someone': 2, 'stared': 1, 'step': 2, 'stranger': 1, 'suppose': 1, 'supposed': 1, 'that': 3, 'them': 3, 'there': 3, 'think': 1, 'this': 4, 'those': 1, 'train': 1, 'tried': 2, 'trying': 2, 'uncle': 1, 'when': 1, 'while': 1, 'will': 3, 'wood': 1, 'would': 3, 'wouldn': 1, 'yellowish': 1, 'your': 1}), 'opened': Counter({'arms': 1, 'beady': 1, 'brim': 1, 'classroom': 1, 'crate': 1, 'curiously': 1, 'door': 1, 'excitedly': 1, 'eyes': 1, 'front': 1, 'gloatingly': 1, 'grandmother': 1, 'hagrid': 1, 'harry': 3, 'hermione': 1, 'letter': 1, 'mcgonagall': 1, 'mirror': 1, 'mouth': 3, 'newspaper': 1, 'path': 1, 'running': 1, 'scream': 1, 'suddenly': 2, 'them': 1, 'vernon': 1, 'week': 1, 'which': 1, 'wide': 2, 'window': 1, 'wishing': 1, 'with': 1}), 'mouth': Counter({'after': 1, 'appeared': 1, 'argue': 1, 'began': 1, 'changed': 1, 'clamped': 1, 'dudley': 1, 'fell': 2, 'felt': 1, 'fingers': 1, 'forgotten': 1, 'hagrid': 1, 'halfway': 1, 'hand': 1, 'hands': 1, 'harry': 3, 'into': 2, 'keep': 1, 'like': 1, 'lost': 1, 'open': 3, 'opened': 3, 'perhaps': 1, 'realized': 1, 'shut': 1, 'stop': 1, 'then': 1, 'though': 1, 'wall': 1, 'went': 1, 'what': 1, 'wide': 1, 'wiped': 1, 'with': 1}), 'swallowed': Counter({'exactly': 1, 'flint': 1, 'harry': 4, 'just': 1, 'lemon': 1, 'library': 1, 'looked': 1, 'mind': 1, 'nearly': 1, 'questions': 1, 'then': 1, 'thirteen-and-a-half': 1, 'what': 1}), 'course': Counter({'about': 1, 'alone': 1, 'best': 1, 'birthday': 1, 'birthdays': 1, 'books': 3, 'cant': 1, 'choked': 1, 'confusion': 1, 'could': 1, 'date': 1, 'does': 1, 'elixir': 1, 'else': 1, 'extra': 1, 'forbidden': 1, 'frowned': 1, 'getting': 1, 'golden': 1, 'hang': 1, 'harry': 3, 'heart': 1, 'here': 1, 'hermione': 1, 'hogwarts': 2, 'invisible': 1, 'involved': 1, 'just': 1, 'knew': 3, 'learned': 2, 'making': 1, 'malfoy': 1, 'married': 1, 'mean': 1, 'minister': 1, 'missed': 1, 'mistake': 1, 'muggles': 1, 'narrow': 1, 'need': 1, 'never': 1, 'nothing': 1, 'notice': 1, 'ollivander': 1, 'pleased': 1, 'right': 2, 'said': 7, 'same': 1, 'save': 1, 'shall': 1, 'slytherin': 1, 'someone': 1, 'somethin': 1, 'spun': 1, 'stone': 1, 'suppose': 1, 'supposed': 1, 'tags': 1, 'that': 1, 'them': 1, 'then': 1, 'there': 5, 'unless': 1, 'well': 2, 'what': 1, 'will': 2, 'wizard': 2, 'would': 1}), 'getting': Counter({'about': 1, 'away': 2, 'back': 1, 'backs': 1, 'busy': 1, 'casually': 1, 'course': 1, 'dark': 1, 'desperate': 1, 'easy': 1, 'filch': 1, 'hagrid': 2, 'here': 2, 'hermione': 1, 'house': 1, 'into': 1, 'keeps': 1, 'king': 1, 'know': 1, 'lost': 1, 'loudest': 1, 'malfoy': 1, 'mixed': 1, 'mumbled': 1, 'nearer': 2, 'never': 2, 'norbert': 1, 'over': 1, 'paler': 1, 'proper': 1, 'purpose': 1, 'quickly': 1, 'really': 1, 'redder': 1, 'seem': 1, 'seemed': 1, 'smuggle': 1, 'snape': 1, 'started': 1, 'thank-you': 1, 'that': 1, 'them': 1, 'there': 1, 'they': 1, 'thicker': 1, 'think': 1, 'told': 1, 'train': 1, 'trouble': 1, 'troublesome': 1, 'used': 1, 'voice': 1, 'wanted': 1, 'warm': 1, 'ways': 1, 'were': 1, 'when': 1, 'window': 1, 'without': 1}), 'hiding': Counter({'been': 1, 'behind': 1, 'difficulty': 1, 'found': 1, 'glee': 1, 'harry': 1, 'illegal': 1, 'might': 1, 'probably': 1, 'snigget': 1, 'something': 1, 'this': 1, 'view': 1, 'what': 1}), 'underneath': Counter({'around': 1, 'castle': 1, 'cloak': 1, 'fire': 1, 'hagrid': 1, 'harry': 1, 'holding': 1, 'kettle': 1, 'lion': 1, 'mustache': 1, 'neatly': 1, 'picture': 1, 'right': 1, 'sneakers': 1, 'stepped': 1, 'them': 3, 'themselves': 1, 'then': 1, 'trapdoor': 1, 'what': 1}), 'bringing': Counter({'always': 1, 'back': 1, 'hagrid': 1, 'keep': 1, 'kept': 1, 'packages': 1, 'quirrell': 1, 'rear': 1, 'substitutes': 1, 'think': 1}), 'wise': Counter({'meet': 1, 'ravenclaw': 1, 'than': 1, 'think': 1, 'toil': 1, 'trust': 1}), 'trust': Counter({'dare': 1, 'dumbledore': 1, 'everythin': 1, 'frame': 1, 'hagrid': 2, 'harry': 1, 'himself': 1, 'know': 1, 'knows': 1, 'they': 1, 'very': 1, 'wise': 1, 'would': 1}), 'life': Counter({'aunt': 2, 'awaiting': 1, 'because': 1, 'being': 1, 'better': 1, 'birthday': 1, 'brain': 1, 'broomstick': 1, 'chasin': 1, 'chewed': 1, 'clung': 1, 'could': 1, 'cursed': 1, 'dear': 2, 'depended': 1, 'devon': 1, 'elixir': 4, 'everything': 1, 'foul': 1, 'from': 1, 'half': 1, 'harry': 1, 'help': 1, 'high': 1, 'horse': 1, 'hungry': 1, 'into': 1, 'join': 1, 'later': 1, 'looked': 1, 'ministry': 1, 'moment': 1, 'money': 2, 'more': 1, 'never': 1, 'peaceful': 1, 'potters': 1, 'questions': 1, 'quiet': 2, 'said': 1, 'saved': 1, 'second': 1, 'seen': 1, 'sighed': 1, 'spent': 1, 'sprang': 1, 'such': 2, 'suddenly': 1, 'though': 1, 'time': 4, 'understand': 1, 'until': 1, 'wanting': 1, 'what': 1, 'which': 1, 'whole': 2, 'will': 1, 'with': 3, 'would': 2, 'written': 1, 'your': 1}), 'grudgingly': Counter({'mcgonagall': 1, 'pretend': 1}), 'pretend': Counter({'break': 1, 'careless': 1, 'grudgingly': 1, 'huge': 1, 'said': 2, 'sobs': 1, 'waiting': 1}), 'does': Counter({'about': 1, 'bane': 1, 'believe': 1, 'bewitched': 1, 'careless': 1, 'course': 1, 'dwell': 1, 'everyone': 2, 'exactly': 1, 'forgive': 1, 'gulpin': 1, 'harry': 2, 'have': 1, 'help': 1, 'hermione': 2, 'know': 4, 'like': 1, 'look': 2, 'lose': 1, 'malfoy': 1, 'matter': 1, 'mcgonagall': 1, 'mean': 1, 'ministry': 1, 'mirror': 1, 'miss': 1, 'much': 1, 'only': 1, 'points': 1, 'potions': 1, 'prepared': 1, 'quirrell': 2, 'said': 2, 'seem': 1, 'severus': 1, 'somethin': 1, 'stop': 1, 'suddenly': 1, 'take': 1, 'tend': 1, 'that': 4, 'then': 1, 'this': 1, 'though': 1, 'type': 1, 'useful': 1, 'want': 1, 'well': 1, 'what': 6, 'wish': 1, 'work': 1}), 'tend': Counter({'does': 1, 'what': 1}), 'rumbling': Counter({'creaked': 1, 'growls': 1, 'sound': 1, 'stomach': 1, 'that': 1, 'with': 1}), 'sound': Counter({'broken': 1, 'came': 1, 'dudley': 1, 'faded': 1, 'faintest': 1, 'filch': 1, 'frying': 1, 'full': 1, 'heard': 1, 'light': 1, 'like': 5, 'made': 1, 'make': 1, 'more': 1, 'over': 1, 'peeves': 1, 'puffing': 1, 'quite': 1, 'repeated': 1, 'rude': 1, 'rumbling': 1, 'seconds': 1, 'slithering': 1, 'smell': 1, 'suddenly': 2, 'that': 1, 'then': 1, 'there': 1, 'told': 1, 'where': 1, 'with': 1}), 'silence': Counter({'again': 1, 'around': 1, 'book': 1, 'bring': 1, 'broken': 1, 'complete': 1, 'could': 1, 'cupboard': 1, 'dark': 1, 'dust': 1, 'followed': 1, 'growled': 1, 'harry': 1, 'here': 1, 'inside': 1, 'long': 1, 'more': 1, 'okay': 1, 'prefects': 1, 'seconds': 1, 'split': 1, 'their': 1, 'then': 1, 'there': 2, 'throat': 1, 'trees': 1, 'walked': 1, 'working': 1, 'yelled': 1}), 'grew': Counter({'appeared': 1, 'family': 1, 'from': 1, 'luck': 1, 'simply': 1, 'stalagmites': 1, 'steadily': 1, 'that': 1, 'them': 1, 'wider': 1}), 'steadily': Counter({'grew': 1, 'louder': 1}), 'louder': Counter({'steadily': 1, 'they': 1}), 'headlight': Counter({'sign': 1, 'swelled': 1}), 'swelled': Counter({'chest': 1, 'headlight': 1, 'roar': 1, 'these': 1}), 'roar': Counter({'rage': 1, 'rose': 1, 'swelled': 1, 'they': 1, 'wham': 1, 'with': 1}), 'huge': Counter({'around': 1, 'banner': 1, 'between': 1, 'black': 1, 'boots': 1, 'chessboard': 1, 'compared': 1, 'could': 1, 'dudley': 1, 'edge': 1, 'front': 1, 'gold': 1, 'hagrid': 1, 'hairy': 1, 'harry': 1, 'heavy': 1, 'holding': 1, 'joke': 1, 'kettle': 1, 'looked': 1, 'motorcycle': 2, 'moving': 1, 'nothing': 1, 'pile': 1, 'poisonous': 1, 'pretend': 1, 'pulling': 1, 'slytherin': 1, 'some': 1, 'something': 1, 'stalactites': 1, 'sticking': 1, 'that': 1, 'them': 1, 'wanted': 1, 'were': 1, 'where': 1, 'wooden': 1, 'year': 1}), 'motorcycle': Counter({'about': 1, 'borrowed': 1, 'carefully': 1, 'fell': 1, 'flying': 1, 'funny': 1, 'huge': 2, 'kicked': 1, 'onto': 1, 'overtook': 1, 'said': 2, 'spoke': 1, 'that': 1, 'them': 1}), 'landed': Counter({'away': 1, 'blown': 1, 'crash': 1, 'fell': 1, 'flat': 1, 'harry': 2, 'jumped': 1, 'moment': 1, 'next': 2, 'noiselessly': 1, 'plant': 1, 'quickly': 1, 'road': 1, 'something': 1, 'sprawled': 1, 'team': 1, 'them': 1, 'they': 1, 'thump': 1, 'with': 1}), 'astride': Counter({'almost': 1, 'sitting': 1}), 'simply': Counter({'allowed': 1, 'fingers': 1, 'granger': 1, 'grew': 1, 'hagrid': 1, 'hair': 1, 'hall': 1, 'heard': 1, 'looked': 1, 'melted': 1, 'open': 1, 'rolled': 1, 'said': 1, 'that': 1, 'there': 1, 'waved': 1}), 'wild': Counter({'alibis': 1, 'allowed': 1, 'back': 1, 'beard': 1, 'been': 1, 'behind': 1, 'brilliant': 1, 'cart': 1, 'charlie': 1, 'cover-': 1, 'dragons': 1, 'eyes': 1, 'fierce': 1, 'given': 1, 'hagrid': 1, 'hair': 1, 'hands': 1, 'jerk': 1, 'long': 1, 'ones': 1, 'pale': 1, 'rumors': 1, 'shadowy': 1, 'tangled': 1, 'than': 1, 'there': 1}), 'tangles': Counter({'bushy': 1, 'long': 1}), 'bushy': Counter({'black': 1, 'brown': 1, 'eyebrows': 1, 'lots': 1, 'tangles': 1, 'under': 1}), 'size': Counter({'about': 2, 'ball': 1, 'books': 1, 'different': 1, 'glass': 1, 'hands': 1, 'know': 1, 'large': 2, 'library': 1, 'light': 1, 'neither': 1, 'postage': 2, 'sheer': 1, 'soccer': 1, 'standard': 1, 'trash': 1, 'usual': 1}), 'trash': Counter({'above': 1, 'behind': 1, 'cans': 1, 'into': 1, 'lids': 1, 'moment': 1, 'nothing': 1, 'size': 1, 'three': 1, 'weeds': 1}), 'lids': Counter({'feet': 1, 'trash': 1}), 'leather': Counter({'books': 1, 'boots': 1, 'bound': 1, 'pouch': 1, 'small': 1, 'their': 1}), 'baby': Counter({'after': 2, 'angel': 1, 'banged': 1, 'been': 1, 'dolphins': 1, 'dragon': 1, 'fast': 1, 'like': 2, 'lived': 1, 'longer': 1, 'only': 3, 'open': 1, 'parents': 1, 'photographs': 1, 'said': 1, 'visible': 1}), 'dolphins': Counter({'baby': 1, 'vast': 1}), 'vast': Counter({'castle': 1, 'dolphins': 1, 'marble': 1, 'muscular': 1, 'starry': 1, 'were': 1}), 'muscular': Counter({'arms': 1, 'vast': 1}), 'arms': Counter({'around': 4, 'because': 1, 'behind': 1, 'book': 1, 'books': 1, 'catch': 1, 'coat': 1, 'face': 1, 'fasten': 1, 'fling': 1, 'flinging': 1, 'harry': 2, 'holding': 1, 'just': 1, 'legs': 1, 'lifted': 1, 'like': 1, 'lion': 1, 'long': 1, 'mother': 1, 'muscular': 1, 'never': 1, 'neville': 1, 'opened': 1, 'over': 2, 'people': 2, 'pick': 1, 'pinned': 1, 'room': 1, 'slammed': 1, 'snapped': 1, 'sprinted': 1, 'students': 1, 'their': 1, 'threw': 1, 'tumbled': 1, 'turned': 1, 'were': 2, 'with': 1}), 'holding': Counter({'arms': 1, 'asked': 1, 'blissfully': 1, 'branches': 1, 'breath': 1, 'bundle': 1, 'dear': 1, 'forest': 1, 'forward': 1, 'fred': 1, 'from': 1, 'goblins': 1, 'hand': 1, 'hands': 1, 'harry': 3, 'head': 1, 'house': 1, 'huge': 1, 'incredible': 1, 'lamp': 1, 'last': 1, 'long': 1, 'mattress': 1, 'more': 1, 'murmured': 1, 'myself': 1, 'only': 1, 'pack': 1, 'pair': 1, 'pasty': 1, 'quidditch': 1, 'red-headed': 1, 'rifle': 1, 'robes': 1, 'room': 1, 'sausage': 1, 'snape': 1, 'stop': 1, 'straps': 1, 'that': 1, 'their': 1, 'them': 2, 'through': 1, 'tight': 1, 'tiny': 1, 'underneath': 1, 'used': 1, 'were': 1, 'with': 1}), 'bundle': Counter({'blankets': 3, 'hagrid': 1, 'halt': 1, 'holding': 1, 'just': 1, 'little': 1, 'over': 1, 'walking': 1}), 'blankets': Counter({'bundle': 3, 'hagrid': 1, 'harry': 1, 'inside': 2, 'moldy': 1, 'second': 1, 'step': 1, 'then': 1, 'without': 1}), 'relieved': Counter({'find': 1, 'harry': 1, 'have': 2, 'last': 1, 'looked': 1, 'most': 1, 'sounding': 1, 'stunned': 1, 'table': 1, 'that': 1, 'very': 1}), 'borrowed': Counter({'fluffy': 1, 'harry': 1, 'motorcycle': 1, 'professor': 1, 'quill': 1, 'that': 1}), 'giant': Counter({'approached': 1, 'back': 1, 'bath': 1, 'bearded': 1, 'called': 1, 'chess': 1, 'chuckled': 2, 'climbing': 1, 'dreamed': 1, 'dudley': 1, 'dwarf': 1, 'elastic': 1, 'eyes': 1, 'finally': 1, 'floor': 1, 'hair': 1, 'harry': 1, 'heads': 1, 'holds': 1, 'hourglasses': 1, 'instead': 1, 'jordan': 1, 'know': 1, 'like': 1, 'look': 1, 'looked': 1, 'mcgonagall': 1, 'meant': 1, 'passing': 1, 'past': 1, 'reached': 1, 'said': 5, 'squeezed': 1, 'squid': 1, 'standing': 1, 'tarantula': 1, 'tentacles': 1, 'three-headed': 1, 'took': 1, 'turning': 1, 'uncle': 1, 'while': 1, 'working': 1}), 'climbing': Counter({'been': 1, 'carefully': 1, 'down': 1, 'giant': 1, 'school': 1, 'there': 1}), 'carefully': Counter({"'cause": 1, 'along': 1, 'around': 1, 'climbed': 2, 'climbing': 1, 'down': 1, 'floor': 1, 'harry': 1, 'into': 1, 'letter': 1, 'listen': 1, 'look': 1, 'looked': 2, 'motorcycle': 1, 'over': 3, 'ping': 1, 'shutting': 1, 'stepped': 2, 'that': 1, 'very': 1, 'wood': 1}), 'sirius': Counter({'bike': 1, 'black': 1, 'takin': 1, 'young': 1}), 'lent': Counter({'black': 1, 'dumbledore': 1, 'finnigan': 1, 'problems': 1, 'they': 1, 'year': 1}), 'destroyed': Counter({'almost': 1, 'been': 1, 'destroyed': 2, 'house': 1, 'right': 1, 'said': 1, 'they': 1}), 'started': Counter({'again': 2, 'also': 1, 'annoyed': 1, 'back': 2, 'boils': 1, 'books': 1, 'broom': 1, 'class': 1, 'coming': 1, 'could': 1, 'country': 1, 'direct': 1, 'disappeared': 1, 'drawing': 1, 'drift': 1, 'dudley': 1, 'emptying': 1, 'everybody': 1, 'feeling': 1, 'flicking': 1, 'flitwick': 1, 'getting': 1, 'hagrid': 1, 'handing': 1, 'harry': 4, 'have': 1, 'having': 1, 'hermione': 1, 'higher': 1, 'holidays': 2, 'just': 1, 'last': 1, 'leapt': 1, 'learn': 1, 'licking': 1, 'lookin': 1, 'looking': 2, 'making': 1, 'match': 1, 'moaning': 1, 'muggles': 1, 'near': 1, 'once': 1, 'over': 1, 'pink': 1, 'plant': 1, 'practice': 1, 'pulling': 1, 'rain': 1, 'roll': 1, 'running': 1, 'screamed': 1, 'shove': 1, 'slowly': 1, 'smile': 1, 'snape': 1, 'solid': 1, 'something': 1, 'soon': 1, 'speak': 1, 'spread': 1, 'squares': 1, 'stone': 1, 'story': 1, 'straight': 1, 'studying': 1, 'swarmin': 1, 'talking': 2, 'teaching': 1, 'telling': 1, 'term': 2, 'that': 1, 'them': 1, 'then': 1, 'they': 3, 'throwing': 1, 'took': 1, 'toward': 2, 'trying': 1, 'turned': 1, 'twist': 1, 'vibrate': 1, 'wait': 1, 'walk': 1, 'want': 1, 'years': 1}), 'swarmin': Counter({'around': 1, 'started': 1}), 'flyin': Counter({'asleep': 1, 'over': 1}), 'bristol': Counter({'dumbledore': 1, 'over': 1}), 'bent': Counter({'because': 1, 'ceiling': 1, 'double': 1, 'down': 5, 'forward': 1, 'great': 1, 'hagrid': 1, 'hands': 1, 'harry': 1, 'into': 1, 'knocked': 1, 'legs': 1, 'mcgonagall': 1, 'neville': 1, 'over': 1, 'pulled': 1, 'shortly': 1, 'snape': 1, 'snorted': 1, 'that': 1, 'their': 1, 'they': 1, 'wing': 1, 'with': 1}), 'forward': Counter({'because': 1, 'before': 1, 'bent': 1, 'braced': 1, 'cart': 1, 'darting': 1, 'defense': 1, 'eagerly': 1, 'fleet': 1, 'good': 1, 'grasped': 1, 'holding': 1, 'last': 1, 'leaned': 5, 'leaning': 2, 'leapt': 1, 'learning': 1, 'look': 2, 'looking': 5, 'made': 1, 'moved': 2, 'neville': 2, 'next': 1, 'only': 1, 'over': 1, 'people': 1, 'pointed': 1, 'quirrell': 1, 'reveal': 1, 'shook': 1, 'slightly': 1, 'snatching': 1, 'squares': 1, 'step': 2, 'stepped': 4, 'swaggered': 1, 'swung': 2, 'take': 1, 'them': 1, 'then': 1, 'they': 3, 'toward': 1, 'very': 1, 'walked': 2, 'when': 1, 'whispers': 1, 'white': 1, 'with': 1}), 'visible': Counter({'baby': 1, 'just': 1, 'scar': 1, 'sign': 1}), 'fast': Counter({'about': 1, 'asked': 1, 'asleep': 6, 'baby': 1, 'bacon': 1, 'because': 1, 'could': 2, 'difficult': 1, 'enough': 2, 'fact': 1, 'floor': 1, 'gray': 1, 'ground': 1, 'happened': 2, 'harry': 1, 'hermione': 1, 'knew': 1, 'learn': 1, 'norwegian': 1, 'perhaps': 1, 'possible': 2, 'running': 1, 'snowy': 1, 'them': 1, 'turned': 1, 'very': 4, 'walked': 1, 'walking': 1}), 'under': Counter({'after': 1, 'around': 1, 'asleep': 1, 'beetles': 1, 'breath': 2, 'bushy': 1, 'change': 1, 'cozy': 1, 'crate': 1, 'cupboard': 2, 'curl': 1, 'cursed': 1, 'deep': 3, 'disappeared': 1, 'door': 1, 'ducking': 1, 'fastened': 1, 'father': 1, 'filch': 1, 'fingers': 1, 'flopped': 1, 'forests': 1, 'freckles': 1, 'from': 3, 'furious': 1, 'greatest': 1, 'hair': 1, 'harry': 3, 'head': 1, 'here': 1, 'inky': 1, 'left': 1, 'london': 2, 'lying': 1, 'miles': 2, 'nonstop': 1, 'pair': 1, 'pale': 1, 'peeves': 1, 'pile': 1, 'pillow': 1, 'pushed': 1, 'quailed': 1, 'quirrell': 1, 'rippled': 1, 'sagged': 1, 'school': 1, 'seat': 1, 'slipped': 1, 'stairs': 2, 'straying': 1, 'table': 2, 'that': 2, 'their': 1, 'thinnest': 1, 'this': 1, 'tidy': 1, 'tree': 1, 'tuft': 1, 'underground': 1, 'voldemort': 1, 'weight': 1, 'what': 1, 'wing': 1, 'your': 1}), 'tuft': Counter({'jet-black': 1, 'under': 1}), 'jet-black': Counter({'hair': 1, 'tuft': 1}), 'forehead': Counter({'hand': 1, 'harry': 5, 'mark': 1, 'neville': 1, 'ouch': 1, 'over': 1, 'pain': 1, 'pains': 1, 'potter': 1, 'rubbing': 1, 'scar': 1, 'that': 2, 'they': 1, 'this': 1, 'which': 1, 'wiping': 1, 'wish': 1, 'with': 2}), 'curiously': Counter({'could': 1, 'full': 1, 'harry': 1, 'looking': 1, 'never': 1, 'opened': 1, 'read': 1, 'shaped': 1, 'took': 1, 'wood': 1}), 'shaped': Counter({'bottles': 1, 'curiously': 1, 'differently': 1, 'like': 2, 'that': 1}), 'bolt': Counter({'contrary': 1, 'harry': 1, 'lightning': 2, 'like': 2, 'upright': 2}), 'lightning': Counter({'bolt': 2, 'harry': 1, 'like': 1, 'long': 1, 'poor': 1, 'scar': 3, 'show': 1, 'that': 1, 'touched': 1}), 'whispered': Counter({"'alohomora": 1, 'although': 1, 'anything': 1, 'bartender': 1, 'chickened': 1, 'come': 1, 'corridors': 1, 'down': 1, 'dragons': 1, 'dramatically': 1, 'excitedly': 1, 'face': 1, 'first': 1, 'flamel': 1, 'found': 2, 'full': 1, 'hagrid': 2, 'hand': 1, 'harry': 14, 'have': 1, 'here': 1, 'hermione': 2, 'hurt': 1, 'just': 1, 'lock': 1, 'looks': 1, 'malfoy': 1, 'mcgonagall': 1, 'obvious': 1, 'once': 1, 'pale': 1, 'patting': 1, 'percy': 1, 'pointed': 1, 'potter': 1, 'professor': 1, 'reflection': 1, 'seamus': 1, 'seconds': 1, 'something': 2, 'soul': 1, 'then': 1, 'they': 2, 'think': 1, 'trouble': 1, 'urgently': 1, 'wand': 1, 'well': 1, 'well-': 1, 'what': 1, 'where': 1, 'worry': 1}), 'scar': Counter({'across': 1, 'almost': 1, 'angrily': 1, 'asked': 1, 'blimey': 1, 'dudley': 1, 'face': 1, 'forehead': 1, 'forever': 1, 'harry': 5, 'head': 1, 'horrible': 1, 'keeps': 1, 'lightning': 3, 'lingering': 1, 'mark': 1, 'might': 1, 'pointing': 1, 'really': 1, 'stared': 1, 'that': 3, 'thin': 1, 'though': 1, 'visible': 1, 'were': 1, 'whispers': 1}), 'forever': Counter({'could': 1, 'cursed': 1, 'deaths': 1, 'dump': 1, 'here': 1, 'keep': 1, 'protection': 1, 'scar': 1, 'will': 1, 'your': 1}), 'scars': Counter({'burning': 1, 'come': 1, 'have': 1, 'would': 1}), 'handy': Counter({'come': 1, 'have': 1}), 'myself': Counter({'above': 1, 'against': 1, 'broomstick': 1, 'courage': 1, 'dumbledore': 1, 'find': 1, 'fool': 1, 'have': 1, 'holding': 1, 'house': 1, 'mirror': 1, 'nicholas': 1, 'secret': 1, 'shaking': 1, 'sort': 1, 'thanks': 1, 'troduced': 1, 'what': 1}), 'above': Counter({'branches': 1, 'choose': 1, 'feet': 1, 'flashing': 1, 'floors': 1, 'from': 1, 'good': 1, 'harry': 1, 'head': 2, 'hermione': 1, 'high': 3, 'just': 1, 'knees': 1, 'left': 1, 'myself': 1, 'robes': 1, 'snitch': 1, 'spot': 1, 'tables': 1, 'their': 1, 'them': 2, 'there': 1, 'trash': 1, 'trouble': 1, 'view': 1, 'wall': 1, 'wand': 1, 'waving': 1}), 'knee': Counter({'armpit': 1, 'balancing': 1, 'drooled': 1, 'fall': 1, 'floor': 1, 'harry': 1, 'left': 1, 'that': 1}), 'perfect': Counter({'call': 1, 'duddy': 1, 'everything': 1, 'find': 1, 'found': 1, 'harry': 1, 'london': 1, 'look': 1, 'malfoy': 1, 'match': 1, 'place': 1, 'that': 1}), 'london': Counter({'away': 1, 'been': 1, 'before': 1, 'deep': 1, 'dudley': 1, 'five': 1, 'flew': 1, 'going': 2, 'hagrid': 1, 'harry': 2, 'once': 1, 'perfect': 1, 'reached': 1, 'smeltings': 1, 'stuff': 1, 'than': 1, 'them': 1, 'they': 1, 'this': 2, 'today': 1, 'tomorrow': 1, 'train': 1, 'under': 2, 'underground': 1}), 'underground': Counter({'barrier': 1, 'complained': 1, 'harbor': 1, 'hunger': 1, 'kind': 1, 'laden': 1, 'lake': 1, 'london': 1, 'over': 1, 'passing': 1, 'ravine': 1, 'them': 1, 'under': 1, 'well': 1}), 'give': Counter({'anything': 2, 'away': 1, 'body': 1, 'caughty': 1, 'chance': 1, 'choice': 1, 'cloak': 1, 'coins': 1, 'crowd': 1, 'drink': 1, 'first': 1, 'five': 2, 'flute': 1, 'forget': 1, 'goes': 1, 'going': 3, 'hagrid': 1, 'held': 1, 'here': 3, 'hint': 1, 'just': 2, 'keep': 1, 'laughter': 1, 'look': 1, 'loudly': 1, 'macdougal': 1, 'many': 1, 'minute': 1, 'more': 1, 'mrs.': 1, 'neither': 1, 'night': 1, 'notices': 1, 'ought': 1, 'protect': 1, 'second': 1, 'snape': 1, 'some': 1, 'stone': 1, 'stunned': 1, 'sure': 1, 'take': 1, 'that': 3, 'these': 2, 'they': 1, 'together': 1, 'tree': 1, 'walked': 1, 'wanted': 1, 'wave': 1, 'weeks': 1, 'well': 1, 'will': 2, 'without': 1, 'would': 1}), 'shaggy': Counter({'great': 1, 'head': 1, 'long': 1, 'mane': 1}), 'scratchy': Counter({'very': 1, 'whiskery': 1}), 'whiskery': Counter({'kiss': 1, 'scratchy': 1}), 'howl': Counter({'hagrid': 1, 'like': 1}), 'wounded': Counter({'like': 1, 'shhh': 1}), 'shhh': Counter({'hissed': 1, 'wounded': 1}), 'hissed': Counter({'always': 1, 'going': 2, 'harry': 2, 'know': 1, 'name': 1, 'percy': 1, 'professor': 1, 'pulling': 1, 'quiet': 1, 'shhh': 1, 'touching': 1, 'wait': 1}), 'wake': Counter({'door': 1, 'dudley': 1, 'dursleys': 1, 'enough': 1, 'hagrid': 1, 'harry': 1, 'least': 1, 'maybe': 1, 'mcgonagall': 2, 'moment': 1, 'muggles': 1, 'must': 2, 'something': 1, 'strode': 1, 'then': 1, 'whole': 1}), 's-s-sorry': Counter({'muggles': 1, 'sobbed': 1}), 'sobbed': Counter({'died': 1, 'face': 1, 'fault': 1, 'hagrid': 3, 'harry': 1, 's-s-sorry': 1}), 'taking': Counter({'after': 1, 'almost': 1, 'always': 1, 'before': 1, 'began': 1, 'board': 1, 'called': 1, 'cauldron': 1, 'class': 1, 'complicated': 1, 'down': 1, 'dudley': 1, 'dumbledore': 1, 'emptying': 1, 'eyes': 1, 'friendly': 1, 'hagrid': 1, 'harry': 2, 'just': 1, 'large': 2, 'left': 1, 'letter': 1, 'maybe': 1, 'points': 1, 'roll': 1, 'seemed': 1, 'shelves': 1, 'snape': 1, 'snapped': 1, 'sorts': 1, 'step': 1, 'swipe': 1, 'that': 1, 'them': 1, 'things': 1, 'toadless': 1}), 'burying': Counter({'face': 1, 'handkerchief': 1}), 'c-c-ca': Counter({'face': 1, 'stand': 1}), 'stand': Counter({'across': 1, 'back': 3, 'between': 1, 'bravery': 1, 'broomstick': 1, 'c-c-ca': 1, 'either': 1, 'enemies': 1, 'everyone': 1, 'friends': 1, 'front': 1, 'going': 1, 'here': 1, 'hurrying': 1, 'inside': 1, 'inspector': 1, 'keyhole': 1, 'lily': 1, 'much': 1, 'mumbled': 1, 'neville': 1, 'next': 1, 'over': 1, 'people': 1, 'pile': 1, 'points': 1, 'properly': 1, 'right': 1, 'said': 1, 'those': 1, 'thus': 1, 'told': 1, 'where': 2, 'wizard': 1, 'wonder': 1}), 'poor': Counter({'bloke': 1, 'blundering': 1, 'creature': 1, 'dead': 1, 'dear': 1, 'find': 1, 'ginny': 1, 'harry': 1, 'hurt': 1, 'lightning': 1, 'little': 1, 'something': 1, 'thing': 1, 'though': 1, 'toilet': 1, 'yeah': 1}), 'grip': Counter({'cringed': 1, 'firm': 1, 'loosening': 1, 'very': 1, 'watched': 1, 'yourself': 1}), 'patting': Counter({'crossbow': 1, 'hagrid': 3, 'large': 1, 'whispered': 1}), 'gingerly': Counter({'dumbledore': 1, 'hagrid': 1}), 'stepped': Counter({'again': 1, 'aside': 1, 'carefully': 2, 'cloak': 1, 'dumbledore': 1, 'eyes': 1, 'forward': 4, 'front': 2, 'harry': 2, 'hermione': 1, 'inside': 1, 'into': 3, 'mcgonagall': 1, 'once': 1, 'over': 3, 'teeth': 1, 'they': 8, 'through': 1, 'underneath': 1}), 'laid': Counter({'door': 1, 'ever': 1, 'eyes': 1, 'harry': 1, 'were': 1, 'with': 1}), 'doorstep': Counter({'front': 1, 'gently': 1, 'took': 1, 'turned': 1}), 'tucked': Counter({'away': 1, 'cloak': 1, 'deep': 1, 'inside': 1, 'last': 1, 'picked': 1}), 'full': Counter({'already': 1, 'back': 1, 'bare': 1, 'body-bind': 1, 'books': 2, 'cows': 1, 'curiously': 1, 'dangerous': 1, 'dark': 1, 'dead': 1, 'decked': 1, 'delicious': 1, 'else': 1, 'fell': 1, 'felt': 1, 'fields': 1, 'food': 1, 'forest': 1, 'frog': 1, 'gallery': 1, 'garlic': 1, 'hall': 2, 'harry': 1, 'hatred': 1, 'invisible': 1, 'letters': 1, 'look': 1, 'minute': 1, 'money': 1, 'ordinary': 2, 'other': 1, 'peculiar': 1, 'people': 1, 'pocket': 1, 'pockets': 1, 'quirrell': 1, 'ridiculous': 1, 'room': 2, 'rustling': 1, 'seemed': 1, 'sent': 1, 'sleepy': 1, 'small': 1, 'soon': 1, 'sound': 1, 'squashy': 1, 'stairs': 1, 'station': 1, 'street': 1, 'strength': 1, 'stuffed': 1, 'suits': 1, 'sunlight': 1, 'table': 1, 'teachers': 1, 'that': 1, 'them': 2, 'then': 1, 'tired': 1, 'turkey': 1, 'were': 1, 'what': 1, 'whispered': 1, 'white': 1, 'wizard': 2, 'would': 1}), 'minute': Counter({'about': 1, 'after': 2, 'back': 1, 'before': 1, 'confused': 1, 'eleven': 1, 'full': 1, 'give': 1, 'good': 1, 'hermione': 1, 'hope': 1, 'into': 1, 'last': 1, 'later': 1, 'pass': 1, 'said': 1, 'stupid': 1, 'summer': 1, 'three': 1, 'took': 1, 'twice': 1, 'weaving': 1, 'well': 1, 'what': 1, 'whole': 1}), 'three': Counter({'across': 1, 'annoy': 1, 'answer': 1, 'around': 1, 'away': 1, 'balls': 1, 'black': 1, 'boom': 1, 'bottles': 1, 'boys': 2, 'chapter': 1, 'chasers': 4, 'cloak': 1, 'come': 1, 'could': 1, 'cover': 1, 'covers': 1, 'days': 1, 'dinner': 1, 'direction': 1, 'doing': 1, 'drooling': 1, 'ears': 1, 'empty': 1, 'evenings': 1, 'eyes': 2, 'filch': 1, 'finds': 1, 'fire': 1, 'five': 1, 'floor': 1, 'follow': 1, 'golden': 1, 'grown': 1, 'headed': 1, 'heads': 3, 'here': 1, 'hundred': 2, 'killers': 1, 'knocked': 1, 'leaving': 1, 'lesson': 1, 'letters': 2, 'listen': 1, 'made': 1, 'mail': 1, 'match': 1, 'meddlin': 1, 'minute': 1, 'minutes': 1, 'months': 1, 'moved': 1, 'neville': 1, 'nights': 1, 'noses': 2, 'only': 1, 'other': 1, 'over': 1, 'pairs': 1, 'people': 1, 'place': 1, 'planets': 1, 'pointed': 1, 'poison': 1, 'practice': 2, 'record': 1, 'require': 1, 'said': 3, 'school': 1, 'scoring': 1, 'sets': 1, 'side': 1, 'somehow': 1, 'spaces': 1, 'staring': 1, 'tell': 1, 'that': 1, 'them': 15, 'they': 1, 'things': 1, 'this': 1, 'time': 1, 'times': 5, 'trash': 1, 'treat': 1, 'upon': 1, 'wall': 1, 'want': 1, 'were': 1, 'what': 2, 'whistle': 1, 'will': 1, 'window': 1, 'wine': 1, 'wish': 1, 'with': 2, 'wizard': 1}), 'shoulders': Counter({'around': 2, 'gave': 1, 'grab': 1, 'hagrid': 1, 'hermione': 1, 'mirror': 1, 'ronan': 1, 'shook': 1, 'stay': 1, 'their': 4}), 'shook': Counter({'around': 1, 'awake': 1, 'centaur': 1, 'crockford': 1, 'forward': 1, 'hand': 2, 'hands': 2, 'harry': 8, 'head': 9, 'hermione': 1, 'neville': 1, 'prefect': 1, 'professor': 1, 'roughly': 1, 'shoulders': 1, 'snake': 1, 'their': 1, 'they': 1, 'world': 1}), 'furiously': Counter({'back': 1, 'blinked': 1, 'bludger': 1, 'dare': 1, 'dean': 1, 'flashed': 1, 'glared': 1, 'hagrid': 1, 'harry': 3, 'hermione': 1, 'knew': 1, 'looking': 1, 'mine': 1, 'more': 1, 'said': 1, 'soccer': 1, 'than': 1, 'then': 1, 'toward': 1, 'twinkling': 1}), 'twinkling': Counter({'dumbledore': 1, 'eyes': 1, 'furiously': 1, 'light': 1}), 'usually': Counter({'because': 1, 'bought': 1, 'could': 1, 'count': 1, 'dunderheads': 1, 'dursleys': 1, 'gets': 1, 'gives': 1, 'have': 2, 'held': 1, 'like': 1, 'mind': 1, 'proudly': 1, 'shone': 1, 'smallest': 1, 'that': 1, 'tremblin': 1, 'uncle': 1, 'visitors': 1, 'were': 1, 'would': 1}), 'shone': Counter({'brightly': 2, 'from': 1, 'ghosts': 1, 'misty': 1, 'that': 1, 'usually': 1, 'wall': 1}), 'business': Counter({'anything': 1, 'around': 1, 'dumbledore': 1, 'foretold': 1, 'from': 1, 'funny': 1, 'goes': 1, 'hagrid': 1, 'have': 1, 'here': 1, 'hogwarts': 3, 'said': 2, 'staying': 1, 'that': 1, 'were': 1, 'your': 2}), 'staying': Counter({'because': 1, 'business': 1, 'from': 1, 'here': 2, 'holidays': 1, 'were': 1, 'would': 1}), 'join': Counter({'across': 1, 'celebrations': 1, 'dudley': 1, 'friends': 1, 'happy': 1, 'have': 1, 'life': 1, 'meet': 1, 'space': 1, 'them': 1, 'well': 1, 'went': 1}), 'celebrations': Counter({'join': 1, 'yeah': 1}), 'yeah': Counter({'asked': 1, 'back': 1, 'bright': 1, 'broom': 1, 'celebrations': 1, 'could': 1, 'drinks': 1, 'dumbledore': 1, 'face': 1, 'flew': 1, 'fluffy': 1, 'goblins': 1, 'gold': 1, 'left': 1, 'library': 1, 'many': 1, 'meanin': 1, 'mine': 1, 'needin': 1, 'nervous': 1, 'past': 1, 'poor': 1, 'professor': 1, 'remember': 1, 'right': 1, 'said': 6, 'snape': 1, 'someone': 1, 'still': 2, 'tell': 1, 'that': 1, 'them': 1, 'then': 1, 'tonight': 1, 'well': 1, 'you-know-who': 1}), 'muffled': Counter({'funny': 1, 'hagrid': 1, 'sort': 1, 'very': 1, 'voice': 2}), 'takin': Counter({'dare': 1, 'happened': 1, 'over': 1, 'risks': 1, 'school': 1, 'sirius': 1, 'voice': 1, 'want': 1}), 'bike': Counter({'back': 1, 'exactly': 1, 'knocked': 1, 'mystery': 1, 'racing': 4, 'sirius': 1, 'video': 1}), "g'night": Counter({'back': 1, 'professor': 1}), 'wiping': Counter({'dumbledore': 1, 'eyes': 1, 'field': 1, 'forehead': 1, 'long': 1, 'said': 1, 'streaming': 1, 'sweat': 1, 'wall': 2}), 'streaming': Counter({'eyes': 1, 'into': 1, 'still': 1, 'wiping': 1}), 'jacket': Counter({'eyes': 1, 'hagrid': 1, 'inside': 1, 'last': 1, 'pulled': 1, 'sleeve': 1}), 'sleeve': Counter({'clutched': 1, 'hagrid': 1, 'harry': 2, 'jacket': 1, 'know': 1, 'tugging': 1, 'wand': 1}), 'swung': Counter({'around': 1, 'clean': 1, 'dangling': 1, 'door': 2, 'forward': 2, 'goyle': 1, 'hagrid': 1, 'harry': 3, 'head': 1, 'himself': 1, 'lady': 1, 'neck': 1, 'open': 4, 'portrait': 2, 'round': 1, 'scabbers': 1, 'that': 1, 'they': 1, 'which': 1, 'with': 1}), 'onto': Counter({'archway': 1, 'asked': 1, 'back': 3, 'broomstick': 1, 'cakes': 1, 'cart': 1, 'clamber': 1, 'clambered': 3, 'cobbled': 1, 'counter': 1, 'crack': 1, 'edge': 1, 'empty': 1, 'fell': 1, 'field': 4, 'flocking': 1, 'floor': 2, 'flopped': 1, 'fluttered': 1, 'gently': 1, 'grass': 1, 'grounds': 1, 'hagrid': 1, 'harry': 2, 'himself': 1, 'know': 1, 'last': 1, 'leaping': 1, 'leapt': 1, 'lift': 1, 'marched': 1, 'motorcycle': 1, 'neck': 1, 'nimbus': 1, 'note': 1, 'owner': 1, 'packages': 1, 'plate': 1, 'platform': 2, 'pockets': 1, 'rock': 1, 'rocks': 1, 'rolled': 2, 'safely': 1, 'seat': 1, 'shoulder': 1, 'slithering': 1, 'smooth': 1, 'snape': 1, 'spilling': 1, 'steps': 2, 'street': 1, 'suddenly': 1, 'sunny': 1, 'table': 1, 'their': 3, 'tipped': 1, 'train': 1, 'trunk': 1, 'walked': 1, 'walking': 1, 'wand': 1}), 'kicked': Counter({'argue': 1, 'back': 1, 'bane': 1, 'behind': 1, 'broom': 1, 'broomstick': 2, 'engine': 1, 'from': 1, 'hard': 1, 'into': 1, 'mother': 1, 'motorcycle': 1, 'purpose': 1}), 'engine': Counter({'drifted': 1, 'from': 1, 'into': 1, 'kicked': 1, 'steam': 1, 'waiting': 1}), 'rose': Counter({'ball': 1, 'beastie': 1, 'breath': 1, 'brooms': 1, 'changed': 1, 'desk': 1, 'feather': 1, 'floated': 1, 'hand': 1, 'heart': 1, 'high': 4, 'into': 1, 'mist': 1, 'roar': 1, 'same': 1, 'seat': 1, 'sight': 1, 'they': 1, 'which': 1}), 'shall': Counter({'answer': 1, 'come': 1, 'course': 1, 'forgive': 1, 'hair': 1, 'harry': 1, 'however': 1, 'night': 1, 'professor': 1, 'return': 1, 'seven': 1, 'soon': 1, 'speak': 1, 'where': 1}), 'nodding': Counter({'dumbledore': 1, 'grandfathers': 1, 'hagrid': 1, 'happily': 1, 'professor': 1, 'suddenly': 1, 'toward': 2}), 'blew': Counter({'around': 1, 'bubbles': 1, 'children': 1, 'handkerchief': 1, 'harry': 1, 'lips': 1, 'mcgonagall': 1, 'nose': 2, 'really': 1, 'sounded': 1, 'storm': 1}), 'reply': Counter({'dumbledore': 1, 'nose': 1}), 'once': Counter({'about': 2, 'alarming': 1, 'almost': 2, 'around': 1, 'aunt': 1, 'bald': 1, 'barely': 1, 'because': 2, 'been': 1, 'belonged': 2, 'black': 1, 'bludger': 1, 'bludgers': 1, 'boogerflavored': 1, 'bowed': 2, 'breath': 1, 'caught': 2, 'clicked': 1, 'cupboard': 1, 'defeated': 1, 'disappeared': 1, 'down': 1, 'driven': 1, 'dudley': 1, 'easy': 1, 'ever': 1, 'every': 1, 'everything': 1, 'feel': 1, 'finished': 1, 'forest': 1, 'from': 1, 'gliding': 1, 'goblin': 1, 'going': 1, 'gone': 1, "good'un": 1, 'hagrid': 2, 'half': 1, 'hand': 1, 'hands': 1, 'happen': 1, 'harry': 2, 'have': 1, 'heads': 1, 'hear': 1, 'held': 1, 'hermione': 2, 'holidays': 1, 'horse': 1, 'house': 1, 'hurried': 1, 'interest': 1, 'knew': 1, 'leave': 1, 'leg-locker': 1, 'london': 1, 'long': 1, 'lost': 1, 'loudly': 1, 'lucky': 1, 'managed': 1, 'maple': 1, 'mean': 1, 'merrily': 1, 'middle': 1, 'minutes': 1, 'more': 1, 'moved': 1, 'nearly': 1, 'needle-sharp': 1, 'noticed': 1, 'open': 3, 'others': 1, 'owned': 1, 'pale': 1, 'panicking': 1, 'perhaps': 2, 'picked': 1, 'pier': 1, 'pretending': 1, 'really': 1, 'recognized': 2, 'ripped': 1, 'ropes': 1, 'said': 5, 'shop': 1, 'shops': 1, 'signed': 1, 'slipped': 1, 'slytherin': 1, 'sniffed': 1, 'snitch': 1, 'somewhere': 1, 'started': 1, 'stepped': 1, 'stone': 1, 'sure': 1, 'taken': 1, 'tall': 1, 'taste': 1, 'term': 1, 'that': 3, 'then': 1, 'there': 1, 'they': 1, 'this': 1, 'thought': 1, 'trowels': 1, 'true': 1, 'twelve': 1, 'twice': 2, 'twin': 1, 'twins': 1, 'wall': 1, 'week': 1, 'well': 1, 'went': 1, 'what': 2, 'which': 1, 'while': 1, 'whispered': 1, 'wish': 1, 'wished': 1, 'wizard': 1, 'wrist': 1, 'wristwatches': 1}), 'balls': Counter({'black': 1, 'different-sized': 1, 'four': 2, 'golf': 2, 'hard': 1, 'harder': 1, 'identical': 1, 'left': 1, 'light': 1, 'pellets': 1, 'pocket': 1, 'positions': 1, 'puff': 1, 'right': 1, 'sorta': 1, 'string': 1, 'three': 1, 'twelve': 1}), 'lamps': Counter({'street': 1, 'that': 1}), 'glowed': Counter({'drive': 1, 'scarlet': 1, 'suddenly': 2}), 'orange': Counter({'bulging': 1, 'could': 1, 'eyes': 1, 'knickerbockers': 1, 'puff': 1, 'suddenly': 1, 'tailcoats': 1, 'with': 1}), 'make': Counter({"'gar": 1, 'again': 2, 'behind': 1, 'break': 1, 'chessmen': 1, 'clean': 1, 'coils': 1, 'could': 7, 'dare': 1, 'diversion': 1, 'door': 1, 'drinker': 1, 'dudley': 1, 'dursleys': 1, 'easier': 1, 'enough': 1, 'ever': 1, 'eyes': 1, 'feel': 1, 'first': 1, 'fool': 2, 'forgetfulness': 1, 'front': 1, 'grow': 1, 'harry': 4, 'here': 1, 'high': 1, 'himself': 2, 'horrible': 1, 'invisible': 1, 'just': 1, 'levi-o-sa': 1, 'look': 2, 'magnificent': 1, 'managed': 2, 'more': 1, 'move': 1, 'neville': 1, 'over': 1, 'paper': 1, 'personally': 1, 'pineapple': 1, 'players': 1, 'quidditch': 1, 'remember': 1, 'room': 1, 'said': 1, 'seen': 1, 'shortcuts': 1, 'shuddered': 1, 'sleeping': 1, 'slytherin': 1, 'snapped': 1, 'sneeze': 1, 'some': 1, 'soon': 1, 'sound': 1, 'start': 1, 'starting': 1, 'suggest': 1, 'sure': 7, 'tabby': 1, 'that': 1, 'them': 4, 'they': 1, 'this': 1, 'thought': 1, 'time': 1, 'told': 1, 'troll': 1, 'trying': 2, 'wanted': 2, 'will': 1, 'winning': 1, 'work': 1, 'wormwood': 1, 'would': 1, 'yerselves': 1, 'yesterday': 1, 'your': 2}), 'slinking': Counter({'around': 1, 'tabby': 1}), 'step': Counter({'backward': 1, 'blankets': 1, 'firs': 1, 'forward': 2, 'front': 1, 'halfway': 1, 'library': 1, 'mind': 1, 'number': 1, 'ping': 1, 'privet': 1, 'quirrell': 1, 'spring': 1, 'take': 2, 'taken': 1, 'taking': 1, 'took': 2, 'toward': 3, 'vanishing': 1}), 'luck': Counter({'believe': 1, 'breaking': 1, 'bullet': 1, 'good': 5, 'grew': 1, 'harry': 3, 'more': 1, 'outside': 1, 'pushing': 1, 'sitting': 1, 'take': 1, 'weasley': 1, 'wingardium': 1, 'your': 1}), 'murmured': Counter({'firenze': 1, 'hagrid': 2, 'harry': 2, 'holding': 1, 'knew': 1, 'look': 1, 'quirrell': 1, 'reached': 1, 'tapping': 1, 'there': 1, 'through': 1, 'turned': 1}), 'heel': Counter({'carrying': 1, 'fang': 1, 'turned': 1, 'with': 1}), 'swish': Counter({'cloak': 1, 'flick': 2, 'remember': 1, 'usual': 1, 'with': 1}), 'breeze': Counter({'gone': 1, 'lifted': 1, 'light': 1, 'ruffled': 1}), 'neat': Counter({'fields': 1, 'hedges': 1, 'lines': 1, 'lying': 1, 'pass': 1, 'ruffled': 1, 'straight': 1, 'tail': 1, 'there': 1, 'wilder': 1}), 'hedges': Counter({'neat': 1, 'privet': 1}), 'silent': Counter({'ahern': 1, 'black': 1, 'bless': 1, 'class': 1, 'everyone': 1, 'fell': 3, 'fight': 1, 'furious': 1, 'little': 1, 'staring': 1, 'still': 1, 'that': 1, 'there': 1, 'tidy': 1, 'which': 1, 'without': 1}), 'tidy': Counter({'front': 1, 'same': 1, 'silent': 1, 'under': 1}), 'inky': Counter({'under': 1, 'very': 1}), 'astonishing': Counter({'expect': 1, 'powers': 1, 'reveal': 1, 'sight': 1, 'things': 1, 'with': 1}), 'happen': Counter({'anyone': 1, 'could': 1, 'going': 1, 'hagrid': 1, 'harry': 1, 'might': 1, 'once': 1, 'said': 1, 'seemed': 1, 'something': 1, 'that': 1, 'them': 2, 'they': 1, 'things': 3, 'wand': 1, 'when': 3, 'would': 1}), 'rolled': Counter({'broomstick': 1, 'face': 1, 'hagrid': 1, 'hermione': 1, 'hidden': 1, 'house': 1, 'mcgonagall': 1, 'note': 1, 'onto': 2, 'over': 3, 'potter': 1, 'quirrell': 1, 'scroll': 1, 'shaking': 1, 'shelling': 1, 'simply': 1, 'sleeves': 1, 'stove': 1, 'were': 1}), 'without': Counter({'along': 1, 'another': 1, 'anyone': 1, 'asking': 1, 'away': 1, 'began': 1, 'being': 1, 'better': 2, 'blankets': 1, 'blowing': 1, 'breakfast': 1, 'brooms': 1, 'buying': 1, 'could': 1, 'creepers': 1, 'downstairs': 1, 'effort': 1, 'ending': 1, 'enough': 1, 'even': 2, 'evening': 1, 'everyone': 1, 'fight': 1, 'food': 1, 'further': 1, 'getting': 1, 'give': 1, 'glass': 1, 'here': 1, 'homework': 1, 'idea': 2, 'lead': 1, 'leaving': 1, 'left': 1, 'long': 2, 'look': 1, 'madam': 1, 'magic': 1, 'manage': 1, 'next': 1, 'noticing': 1, 'past': 1, 'pickled': 1, 'puffing': 1, 'quirrell': 2, 'ravenclaw': 1, 'realizing': 1, 'revenge': 1, 'room': 1, 'saying': 1, 'search': 1, 'share': 1, 'shop': 1, 'silent': 1, 'skin': 1, 'sliding': 1, 'small': 1, 'stone': 1, 'suffering': 1, 'tell': 1, 'their': 2, 'them': 1, 'then': 1, 'times': 1, 'tried': 1, 'turning': 1, 'voldemort': 1, 'waited': 1, 'waking': 1, 'what': 2, 'winning': 1, 'word': 1, 'words': 1, 'worrying': 1, 'would': 1}), 'waking': Counter({'small': 1, 'without': 1}), 'hand': Counter({'after': 1, 'again': 1, 'almost': 1, 'back': 2, 'been': 1, 'began': 1, 'bitten': 1, 'broom': 1, 'c-ca': 1, 'call': 1, 'centaur': 1, 'clap': 1, 'clapped': 2, 'clapping': 1, 'clasped': 1, 'close': 1, 'closed': 1, 'clutched': 1, 'doing': 1, 'door': 1, 'enormous': 1, 'enough': 1, 'favored': 1, 'felt': 2, 'fitted': 1, 'flutter': 1, 'foot': 1, 'forehead': 1, 'glancing': 1, 'going': 1, 'good': 1, 'gotten': 1, 'great': 1, 'harry': 5, 'head': 1, 'held': 2, 'hermione': 3, 'high': 1, 'holding': 1, 'into': 3, 'just': 1, 'knight': 1, 'knocked': 1, 'last': 2, 'malfoys': 1, 'mcgonagall': 1, 'mouth': 1, 'once': 1, 'only': 1, 'other': 6, 'over': 2, 'perform': 1, 'puppet': 1, 'quirrell': 1, 'quivering': 1, 'raised': 2, 'rammed': 1, 'reached': 2, 'red-haired': 1, 'remembrall': 1, 'right': 1, 'room': 1, 'rose': 1, 'said': 2, 'seized': 1, 'shake': 1, 'shaken': 1, 'sharply': 1, 'shook': 2, 'shot': 1, 'shoulder': 1, 'small': 1, 'smell': 1, 'smiled': 1, 'snatched': 1, 'snitch': 1, 'something': 1, 'stands': 1, 'stood': 1, 'street': 1, 'stretched': 3, 'stretching': 1, 'stroke': 1, 'struggling': 1, 'swollen': 1, 'tears': 1, 'them': 1, 'thing': 1, 'thought': 1, 'touch': 1, 'trembling': 1, 'troll': 1, 'twenty-four': 1, 'uncle': 1, 'vigorously': 1, 'wand': 1, 'want': 2, 'waved': 1, 'what': 1, 'when': 1, 'which': 1, 'whispered': 1, 'with': 3, 'woman': 1, 'your': 2}), 'closed': Counter({'away': 1, 'eyes': 2, 'hagrid': 1, 'hand': 1, 'letter': 1, 'open': 1, 'quickly': 1, 'turban': 1, 'were': 1}), 'beside': Counter({'burnished': 1, 'last': 1, 'letter': 1, 'slept': 1, 'small': 1, 'standing': 1, 'themselves': 1, 'were': 1}), 'slept': Counter({'beside': 1, 'dudley': 1, 'knowing': 1, 'when': 1, 'where': 2}), 'knowing': Counter({'about': 1, 'begin': 1, 'bring': 1, 'broomstick': 1, 'driven': 1, 'everybody': 1, 'famous': 2, 'hardly': 1, 'mcgonagall': 1, 'slept': 1, 'special': 2, 'wand': 1, 'what': 4, 'worth': 1, 'would': 1}), ...})
def filter_edges(g, most_common_nodes, cutoff=0.5):
most_common_nodes = set(most_common_nodes)
for edge in g.edges:
if not all(node in most_common_nodes for node in edge):
continue
if g.get_edge_data(*edge)["weight"] < cutoff:
continue
yield edge
most_common_nodes = list(map(itemgetter(0), counter.most_common(100)))
edges = list(filter_edges(g, most_common_nodes, cutoff=0.))
g2 = nx.Graph()
g2.add_nodes_from((node, g.node[node]) for node in most_common_nodes)
g2.add_edges_from((*edge, g.get_edge_data(*edge)) for edge in edges)
plt.figure(figsize=(20, 20))
layout = nx.spring_layout(g2, k=0.1, iterations=50)
sizes = [g2.node[node]["size"] * 5 for node in g2]
edge_weights = np.array([g2.get_edge_data(*edge)["weight"] for edge in g2.edges])
nx.draw(g2, pos=layout,
with_labels=True, node_size=sizes, node_color="#cccccc",
edge_cmap=plt.cm.Blues, edge_color=edge_weights, edge_vmin=edge_weights.min(), edge_vmax=edge_weights.max())
/usr/local/lib/python3.6/dist-packages/networkx/drawing/nx_pylab.py:579: MatplotlibDeprecationWarning: The iterable function was deprecated in Matplotlib 3.1 and will be removed in 3.3. Use np.iterable instead. if not cb.iterable(width): /usr/local/lib/python3.6/dist-packages/networkx/drawing/nx_pylab.py:585: MatplotlibDeprecationWarning: The iterable function was deprecated in Matplotlib 3.1 and will be removed in 3.3. Use np.iterable instead. and cb.iterable(edge_color) \ /usr/local/lib/python3.6/dist-packages/networkx/drawing/nx_pylab.py:595: MatplotlibDeprecationWarning: The iterable function was deprecated in Matplotlib 3.1 and will be removed in 3.3. Use np.iterable instead. for c in edge_color]):
plt.hist(np.log(edge_weights))
plt.show()